From 77e977ff181ea8b47943114092f878677bad9b37 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Wed, 12 Jun 2024 05:08:16 -0700 Subject: [PATCH 01/34] Create wpes dir --- examples/wpes/client.py | 152 +++++++++++++++++++++++++++++++++++ examples/wpes/pyproject.toml | 21 +++++ examples/wpes/server.py | 41 ++++++++++ 3 files changed, 214 insertions(+) create mode 100644 examples/wpes/client.py create mode 100644 examples/wpes/pyproject.toml create mode 100644 examples/wpes/server.py diff --git a/examples/wpes/client.py b/examples/wpes/client.py new file mode 100644 index 000000000000..2452db819e1d --- /dev/null +++ b/examples/wpes/client.py @@ -0,0 +1,152 @@ +import argparse +import warnings +from collections import OrderedDict + +from flwr.client import NumPyClient, ClientApp +from flwr_datasets import FederatedDataset +import torch +import torch.nn as nn +import torch.nn.functional as F +from torch.utils.data import DataLoader +from torchvision.transforms import Compose, Normalize, ToTensor +from tqdm import tqdm + + +# ############################################################################# +# 1. Regular PyTorch pipeline: nn.Module, train, test, and DataLoader +# ############################################################################# + +warnings.filterwarnings("ignore", category=UserWarning) +DEVICE = torch.device("cuda:0" if torch.cuda.is_available() else "cpu") + + +class Net(nn.Module): + """Model (simple CNN adapted from 'PyTorch: A 60 Minute Blitz')""" + + def __init__(self) -> None: + super(Net, self).__init__() + self.conv1 = nn.Conv2d(3, 6, 5) + self.pool = nn.MaxPool2d(2, 2) + self.conv2 = nn.Conv2d(6, 16, 5) + self.fc1 = nn.Linear(16 * 5 * 5, 120) + self.fc2 = nn.Linear(120, 84) + self.fc3 = nn.Linear(84, 10) + + def forward(self, x: torch.Tensor) -> torch.Tensor: + x = self.pool(F.relu(self.conv1(x))) + x = self.pool(F.relu(self.conv2(x))) + x = x.view(-1, 16 * 5 * 5) + x = F.relu(self.fc1(x)) + x = F.relu(self.fc2(x)) + return self.fc3(x) + + +def train(net, trainloader, epochs): + """Train the model on the training set.""" + criterion = torch.nn.CrossEntropyLoss() + optimizer = torch.optim.SGD(net.parameters(), lr=0.001, momentum=0.9) + for _ in range(epochs): + for batch in tqdm(trainloader, "Training"): + images = batch["img"] + labels = batch["label"] + optimizer.zero_grad() + criterion(net(images.to(DEVICE)), labels.to(DEVICE)).backward() + optimizer.step() + + +def test(net, testloader): + """Validate the model on the test set.""" + criterion = torch.nn.CrossEntropyLoss() + correct, loss = 0, 0.0 + with torch.no_grad(): + for batch in tqdm(testloader, "Testing"): + images = batch["img"].to(DEVICE) + labels = batch["label"].to(DEVICE) + outputs = net(images) + loss += criterion(outputs, labels).item() + correct += (torch.max(outputs.data, 1)[1] == labels).sum().item() + accuracy = correct / len(testloader.dataset) + return loss, accuracy + + +def load_data(partition_id): + """Load partition CIFAR10 data.""" + fds = FederatedDataset(dataset="cifar10", partitioners={"train": 2}) + partition = fds.load_partition(partition_id) + # Divide data on each node: 80% train, 20% test + partition_train_test = partition.train_test_split(test_size=0.2, seed=42) + pytorch_transforms = Compose( + [ToTensor(), Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5))] + ) + + def apply_transforms(batch): + """Apply transforms to the partition from FederatedDataset.""" + batch["img"] = [pytorch_transforms(img) for img in batch["img"]] + return batch + + partition_train_test = partition_train_test.with_transform(apply_transforms) + trainloader = DataLoader(partition_train_test["train"], batch_size=32, shuffle=True) + testloader = DataLoader(partition_train_test["test"], batch_size=32) + return trainloader, testloader + + +# ############################################################################# +# 2. Federation of the pipeline with Flower +# ############################################################################# + +# Get partition id +parser = argparse.ArgumentParser(description="Flower") +parser.add_argument( + "--partition-id", + choices=[0, 1], + default=0, + type=int, + help="Partition of the dataset divided into 2 iid partitions created artificially.", +) +partition_id = parser.parse_known_args()[0].partition_id + +# Load model and data (simple CNN, CIFAR-10) +net = Net().to(DEVICE) +trainloader, testloader = load_data(partition_id=partition_id) + + +# Define Flower client +class FlowerClient(NumPyClient): + def get_parameters(self, config): + return [val.cpu().numpy() for _, val in net.state_dict().items()] + + def set_parameters(self, parameters): + params_dict = zip(net.state_dict().keys(), parameters) + state_dict = OrderedDict({k: torch.tensor(v) for k, v in params_dict}) + net.load_state_dict(state_dict, strict=True) + + def fit(self, parameters, config): + self.set_parameters(parameters) + train(net, trainloader, epochs=1) + return self.get_parameters(config={}), len(trainloader.dataset), {} + + def evaluate(self, parameters, config): + self.set_parameters(parameters) + loss, accuracy = test(net, testloader) + return loss, len(testloader.dataset), {"accuracy": accuracy} + + +def client_fn(cid: str): + """Create and return an instance of Flower `Client`.""" + return FlowerClient().to_client() + + +# Flower ClientApp +app = ClientApp( + client_fn=client_fn, +) + + +# Legacy mode +if __name__ == "__main__": + from flwr.client import start_client + + start_client( + server_address="127.0.0.1:8080", + client=FlowerClient().to_client(), + ) diff --git a/examples/wpes/pyproject.toml b/examples/wpes/pyproject.toml new file mode 100644 index 000000000000..89a5cd16d7de --- /dev/null +++ b/examples/wpes/pyproject.toml @@ -0,0 +1,21 @@ +[build-system] +requires = ["hatchling"] +build-backend = "hatchling.build" + +[project] +name = "quickstart-pytorch" +version = "0.1.0" +description = "PyTorch Federated Learning Quickstart with Flower" +authors = [ + { name = "The Flower Authors", email = "hello@flower.ai" }, +] +dependencies = [ + "flwr>=1.8.0,<2.0", + "flwr-datasets[vision]>=0.0.2,<1.0.0", + "torch==2.1.1", + "torchvision==0.16.1", + "tqdm==4.66.3" +] + +[tool.hatch.build.targets.wheel] +packages = ["."] diff --git a/examples/wpes/server.py b/examples/wpes/server.py new file mode 100644 index 000000000000..4034703ca690 --- /dev/null +++ b/examples/wpes/server.py @@ -0,0 +1,41 @@ +from typing import List, Tuple + +from flwr.server import ServerApp, ServerConfig +from flwr.server.strategy import FedAvg +from flwr.common import Metrics + + +# Define metric aggregation function +def weighted_average(metrics: List[Tuple[int, Metrics]]) -> Metrics: + # Multiply accuracy of each client by number of examples used + accuracies = [num_examples * m["accuracy"] for num_examples, m in metrics] + examples = [num_examples for num_examples, _ in metrics] + + # Aggregate and return custom metric (weighted average) + return {"accuracy": sum(accuracies) / sum(examples)} + + +# Define strategy +strategy = FedAvg(evaluate_metrics_aggregation_fn=weighted_average) + + +# Define config +config = ServerConfig(num_rounds=3) + + +# Flower ServerApp +app = ServerApp( + config=config, + strategy=strategy, +) + + +# Legacy mode +if __name__ == "__main__": + from flwr.server import start_server + + start_server( + server_address="0.0.0.0:8080", + config=config, + strategy=strategy, + ) From 56427653aa688b2478c8ba3cfef30fa8e80ea061 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Wed, 12 Jun 2024 05:20:19 -0700 Subject: [PATCH 02/34] Update client and server python files using https://flower.ai/docs/framework/tutorial-quickstart-pytorch.html --- examples/wpes/client.py | 157 +++++++++++++--------------------------- examples/wpes/server.py | 42 +---------- 2 files changed, 52 insertions(+), 147 deletions(-) diff --git a/examples/wpes/client.py b/examples/wpes/client.py index 2452db819e1d..b1ecdd951f43 100644 --- a/examples/wpes/client.py +++ b/examples/wpes/client.py @@ -1,28 +1,56 @@ -import argparse -import warnings from collections import OrderedDict -from flwr.client import NumPyClient, ClientApp -from flwr_datasets import FederatedDataset import torch import torch.nn as nn import torch.nn.functional as F +import torchvision.transforms as transforms from torch.utils.data import DataLoader -from torchvision.transforms import Compose, Normalize, ToTensor -from tqdm import tqdm +from torchvision.datasets import CIFAR10 +import flwr as fl -# ############################################################################# -# 1. Regular PyTorch pipeline: nn.Module, train, test, and DataLoader -# ############################################################################# - -warnings.filterwarnings("ignore", category=UserWarning) DEVICE = torch.device("cuda:0" if torch.cuda.is_available() else "cpu") +def load_data(): + """Load CIFAR-10 (training and test set).""" + transform = transforms.Compose( + [transforms.ToTensor(), transforms.Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5))] + ) + trainset = CIFAR10(".", train=True, download=True, transform=transform) + testset = CIFAR10(".", train=False, download=True, transform=transform) + trainloader = DataLoader(trainset, batch_size=32, shuffle=True) + testloader = DataLoader(testset, batch_size=32) + num_examples = {"trainset" : len(trainset), "testset" : len(testset)} + return trainloader, testloader, num_examples -class Net(nn.Module): - """Model (simple CNN adapted from 'PyTorch: A 60 Minute Blitz')""" +def train(net, trainloader, epochs): + """Train the network on the training set.""" + criterion = torch.nn.CrossEntropyLoss() + optimizer = torch.optim.SGD(net.parameters(), lr=0.001, momentum=0.9) + for _ in range(epochs): + for images, labels in trainloader: + images, labels = images.to(DEVICE), labels.to(DEVICE) + optimizer.zero_grad() + loss = criterion(net(images), labels) + loss.backward() + optimizer.step() +def test(net, testloader): + """Validate the network on the entire test set.""" + criterion = torch.nn.CrossEntropyLoss() + correct, total, loss = 0, 0, 0.0 + with torch.no_grad(): + for data in testloader: + images, labels = data[0].to(DEVICE), data[1].to(DEVICE) + outputs = net(images) + loss += criterion(outputs, labels).item() + _, predicted = torch.max(outputs.data, 1) + total += labels.size(0) + correct += (predicted == labels).sum().item() + accuracy = correct / total + return loss, accuracy + +class Net(nn.Module): def __init__(self) -> None: super(Net, self).__init__() self.conv1 = nn.Conv2d(3, 6, 5) @@ -38,80 +66,14 @@ def forward(self, x: torch.Tensor) -> torch.Tensor: x = x.view(-1, 16 * 5 * 5) x = F.relu(self.fc1(x)) x = F.relu(self.fc2(x)) - return self.fc3(x) - - -def train(net, trainloader, epochs): - """Train the model on the training set.""" - criterion = torch.nn.CrossEntropyLoss() - optimizer = torch.optim.SGD(net.parameters(), lr=0.001, momentum=0.9) - for _ in range(epochs): - for batch in tqdm(trainloader, "Training"): - images = batch["img"] - labels = batch["label"] - optimizer.zero_grad() - criterion(net(images.to(DEVICE)), labels.to(DEVICE)).backward() - optimizer.step() + x = self.fc3(x) + return x - -def test(net, testloader): - """Validate the model on the test set.""" - criterion = torch.nn.CrossEntropyLoss() - correct, loss = 0, 0.0 - with torch.no_grad(): - for batch in tqdm(testloader, "Testing"): - images = batch["img"].to(DEVICE) - labels = batch["label"].to(DEVICE) - outputs = net(images) - loss += criterion(outputs, labels).item() - correct += (torch.max(outputs.data, 1)[1] == labels).sum().item() - accuracy = correct / len(testloader.dataset) - return loss, accuracy - - -def load_data(partition_id): - """Load partition CIFAR10 data.""" - fds = FederatedDataset(dataset="cifar10", partitioners={"train": 2}) - partition = fds.load_partition(partition_id) - # Divide data on each node: 80% train, 20% test - partition_train_test = partition.train_test_split(test_size=0.2, seed=42) - pytorch_transforms = Compose( - [ToTensor(), Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5))] - ) - - def apply_transforms(batch): - """Apply transforms to the partition from FederatedDataset.""" - batch["img"] = [pytorch_transforms(img) for img in batch["img"]] - return batch - - partition_train_test = partition_train_test.with_transform(apply_transforms) - trainloader = DataLoader(partition_train_test["train"], batch_size=32, shuffle=True) - testloader = DataLoader(partition_train_test["test"], batch_size=32) - return trainloader, testloader - - -# ############################################################################# -# 2. Federation of the pipeline with Flower -# ############################################################################# - -# Get partition id -parser = argparse.ArgumentParser(description="Flower") -parser.add_argument( - "--partition-id", - choices=[0, 1], - default=0, - type=int, - help="Partition of the dataset divided into 2 iid partitions created artificially.", -) -partition_id = parser.parse_known_args()[0].partition_id - -# Load model and data (simple CNN, CIFAR-10) +# Load model and data net = Net().to(DEVICE) -trainloader, testloader = load_data(partition_id=partition_id) +trainloader, testloader, num_examples = load_data() - -# Define Flower client -class FlowerClient(NumPyClient): +class CifarClient(fl.client.NumPyClient): def get_parameters(self, config): return [val.cpu().numpy() for _, val in net.state_dict().items()] @@ -123,30 +85,11 @@ def set_parameters(self, parameters): def fit(self, parameters, config): self.set_parameters(parameters) train(net, trainloader, epochs=1) - return self.get_parameters(config={}), len(trainloader.dataset), {} + return self.get_parameters(config={}), num_examples["trainset"], {} def evaluate(self, parameters, config): self.set_parameters(parameters) loss, accuracy = test(net, testloader) - return loss, len(testloader.dataset), {"accuracy": accuracy} - - -def client_fn(cid: str): - """Create and return an instance of Flower `Client`.""" - return FlowerClient().to_client() - - -# Flower ClientApp -app = ClientApp( - client_fn=client_fn, -) - - -# Legacy mode -if __name__ == "__main__": - from flwr.client import start_client - - start_client( - server_address="127.0.0.1:8080", - client=FlowerClient().to_client(), - ) + return float(loss), num_examples["testset"], {"accuracy": float(accuracy)} + +fl.client.start_client(server_address="[::]:8080", client=CifarClient().to_client()) diff --git a/examples/wpes/server.py b/examples/wpes/server.py index 4034703ca690..d8ca10fd007b 100644 --- a/examples/wpes/server.py +++ b/examples/wpes/server.py @@ -1,41 +1,3 @@ -from typing import List, Tuple +import flwr as fl -from flwr.server import ServerApp, ServerConfig -from flwr.server.strategy import FedAvg -from flwr.common import Metrics - - -# Define metric aggregation function -def weighted_average(metrics: List[Tuple[int, Metrics]]) -> Metrics: - # Multiply accuracy of each client by number of examples used - accuracies = [num_examples * m["accuracy"] for num_examples, m in metrics] - examples = [num_examples for num_examples, _ in metrics] - - # Aggregate and return custom metric (weighted average) - return {"accuracy": sum(accuracies) / sum(examples)} - - -# Define strategy -strategy = FedAvg(evaluate_metrics_aggregation_fn=weighted_average) - - -# Define config -config = ServerConfig(num_rounds=3) - - -# Flower ServerApp -app = ServerApp( - config=config, - strategy=strategy, -) - - -# Legacy mode -if __name__ == "__main__": - from flwr.server import start_server - - start_server( - server_address="0.0.0.0:8080", - config=config, - strategy=strategy, - ) +fl.server.start_server(config=fl.server.ServerConfig(num_rounds=10)) From e7f0bbf6849354e2acfa25d5069cead2f07442ed Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Thu, 13 Jun 2024 12:16:25 -0700 Subject: [PATCH 03/34] Set up development environment by using local flower code. --- examples/app-pytorch/pyproject.toml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/examples/app-pytorch/pyproject.toml b/examples/app-pytorch/pyproject.toml index c00e38aef19b..4074b127f59a 100644 --- a/examples/app-pytorch/pyproject.toml +++ b/examples/app-pytorch/pyproject.toml @@ -11,6 +11,6 @@ authors = ["The Flower Authors "] [tool.poetry.dependencies] python = "^3.8" # Mandatory dependencies -flwr = { version = "^1.8.0", extras = ["simulation"] } +flwr = { path = "../../", develop = true, extras = ["simulation"] } torch = "2.2.1" torchvision = "0.17.1" From 8b414fbb2c1b1feb26a33102b95120d140669804 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Thu, 13 Jun 2024 12:18:56 -0700 Subject: [PATCH 04/34] Add additional log to indicate that we are using local copy of flower --- src/py/flwr/server/server.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/src/py/flwr/server/server.py b/src/py/flwr/server/server.py index f1bfb6f0533b..1c8825d4917a 100644 --- a/src/py/flwr/server/server.py +++ b/src/py/flwr/server/server.py @@ -89,7 +89,7 @@ def fit(self, num_rounds: int, timeout: Optional[float]) -> Tuple[History, float history = History() # Initialize parameters - log(INFO, "[INIT]") + log(INFO, "Hokeun! [INIT]") self.parameters = self._get_initial_parameters(server_round=0, timeout=timeout) log(INFO, "Evaluating initial global parameters") res = self.strategy.evaluate(0, parameters=self.parameters) @@ -492,7 +492,7 @@ def run_fl( ) log(INFO, "") - log(INFO, "[SUMMARY]") + log(INFO, "Hokeun! [SUMMARY]") log(INFO, "Run finished %s round(s) in %.2fs", config.num_rounds, elapsed_time) for line in io.StringIO(str(hist)): log(INFO, "\t%s", line.strip("\n")) From 55522287b4da610cd300bf7c63f6199ea739cb69 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Thu, 13 Jun 2024 13:59:28 -0700 Subject: [PATCH 05/34] Add logging in fedavg.py --- src/py/flwr/server/strategy/fedavg.py | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/src/py/flwr/server/strategy/fedavg.py b/src/py/flwr/server/strategy/fedavg.py index 3b9b2640c2b5..a7b8472c2f57 100644 --- a/src/py/flwr/server/strategy/fedavg.py +++ b/src/py/flwr/server/strategy/fedavg.py @@ -18,7 +18,7 @@ """ -from logging import WARNING +from logging import INFO, WARNING from typing import Callable, Dict, List, Optional, Tuple, Union from flwr.common import ( @@ -231,9 +231,11 @@ def aggregate_fit( return None, {} if self.inplace: + log(INFO, 'Hokeun! aggregate_fit: self.inplace') # Does in-place weighted average of results aggregated_ndarrays = aggregate_inplace(results) else: + log(INFO, 'Hokeun! aggregate_fit: non inplace') # Convert results weights_results = [ (parameters_to_ndarrays(fit_res.parameters), fit_res.num_examples) From 9518cfbc39ab2878742ae916f526dd77bea7ce36 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Thu, 13 Jun 2024 14:49:26 -0700 Subject: [PATCH 06/34] Add an option to turn off inplace --- examples/app-pytorch/server.py | 1 + 1 file changed, 1 insertion(+) diff --git a/examples/app-pytorch/server.py b/examples/app-pytorch/server.py index 0b4ad1ddba46..9f6b27a9dd66 100644 --- a/examples/app-pytorch/server.py +++ b/examples/app-pytorch/server.py @@ -40,6 +40,7 @@ def weighted_average(metrics: List[Tuple[int, Metrics]]) -> Metrics: min_available_clients=2, fit_metrics_aggregation_fn=weighted_average, initial_parameters=parameters, + # inplace=False, # Hokeun! set inplace false ) From 14b1f0b847c48e1f4ee38a043fe783b443fbd22c Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Fri, 14 Jun 2024 12:34:55 -0700 Subject: [PATCH 07/34] Add argument passing using env variable for num_rounds with instructions in README --- examples/app-pytorch/README.md | 5 +++++ examples/app-pytorch/server.py | 8 +++++++- 2 files changed, 12 insertions(+), 1 deletion(-) diff --git a/examples/app-pytorch/README.md b/examples/app-pytorch/README.md index 14de3c7d632e..5e8f64912354 100644 --- a/examples/app-pytorch/README.md +++ b/examples/app-pytorch/README.md @@ -73,3 +73,8 @@ Or, to try the custom server function example, run: ```bash flower-server-app server_custom:app --insecure ``` + +## More customized commands for WPES paper expierments +```bash +HOKEUN_FLWR_NUM_ROUNDS=7 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 2' +``` \ No newline at end of file diff --git a/examples/app-pytorch/server.py b/examples/app-pytorch/server.py index 9f6b27a9dd66..a15a9c453cc7 100644 --- a/examples/app-pytorch/server.py +++ b/examples/app-pytorch/server.py @@ -1,8 +1,11 @@ +from logging import INFO +import os from typing import List, Tuple from flwr.server import ServerApp, ServerConfig from flwr.server.strategy import FedAvg from flwr.common import Metrics, ndarrays_to_parameters +from flwr.common.logger import log from task import Net, get_weights @@ -43,9 +46,12 @@ def weighted_average(metrics: List[Tuple[int, Metrics]]) -> Metrics: # inplace=False, # Hokeun! set inplace false ) +env_var_num_rounds = int(os.environ['HOKEUN_FLWR_NUM_ROUNDS']) + +log(INFO, "Hokeun! env_var_num_rounds: %i", env_var_num_rounds) # Define config -config = ServerConfig(num_rounds=3) +config = ServerConfig(num_rounds=env_var_num_rounds) # Flower ServerApp From d530a9b0c6aed7b8d14bdf6b89455940eea607d4 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Fri, 14 Jun 2024 12:40:27 -0700 Subject: [PATCH 08/34] Start coding for adding noise in model aggregation. --- src/py/flwr/server/strategy/aggregate.py | 10 +++++++++- 1 file changed, 9 insertions(+), 1 deletion(-) diff --git a/src/py/flwr/server/strategy/aggregate.py b/src/py/flwr/server/strategy/aggregate.py index c668b55eebe6..b3283ac20631 100644 --- a/src/py/flwr/server/strategy/aggregate.py +++ b/src/py/flwr/server/strategy/aggregate.py @@ -16,16 +16,19 @@ # mypy: disallow_untyped_calls=False from functools import reduce +from logging import INFO from typing import Any, Callable, List, Tuple import numpy as np from flwr.common import FitRes, NDArray, NDArrays, parameters_to_ndarrays +from flwr.common.logger import log from flwr.server.client_proxy import ClientProxy def aggregate(results: List[Tuple[NDArrays, int]]) -> NDArrays: """Compute weighted average.""" + log(INFO, 'Hokeun! aggregate: beginning') # Calculate the total number of examples used during training num_examples_total = sum(num_examples for (_, num_examples) in results) @@ -44,6 +47,7 @@ def aggregate(results: List[Tuple[NDArrays, int]]) -> NDArrays: def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]]) -> NDArrays: """Compute in-place weighted average.""" + log(INFO, 'Hokeun! aggregate_inplace: beginning') # Count total examples num_examples_total = sum(fit_res.num_examples for (_, fit_res) in results) @@ -57,9 +61,13 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]]) -> NDArrays: params = [ scaling_factors[0] * x for x in parameters_to_ndarrays(results[0][1].parameters) ] + error_bound = 1.0 + log(INFO, "Hokeun! error_bound: %f", error_bound) for i, (_, fit_res) in enumerate(results[1:]): res = ( - scaling_factors[i + 1] * x + scaling_factors[i + 1] * x * error_bound + # Giving 10% error. + # scaling_factors[i + 1] * x * 1.1 for x in parameters_to_ndarrays(fit_res.parameters) ) params = [reduce(np.add, layer_updates) for layer_updates in zip(params, res)] From a5406f7b31ae5c6b3f14f6c13fab4f655bb50cc6 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Fri, 14 Jun 2024 13:45:49 -0700 Subject: [PATCH 09/34] Add Gaussian noise feature --- examples/app-pytorch/README.md | 10 ++++++++++ examples/app-pytorch/server.py | 20 +++++++++++++++++--- src/py/flwr/server/strategy/aggregate.py | 18 +++++++++++++----- src/py/flwr/server/strategy/fedavg.py | 10 +++++++++- 4 files changed, 49 insertions(+), 9 deletions(-) diff --git a/examples/app-pytorch/README.md b/examples/app-pytorch/README.md index 5e8f64912354..62a2763898bb 100644 --- a/examples/app-pytorch/README.md +++ b/examples/app-pytorch/README.md @@ -77,4 +77,14 @@ flower-server-app server_custom:app --insecure ## More customized commands for WPES paper expierments ```bash HOKEUN_FLWR_NUM_ROUNDS=7 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 2' +``` + +To disable noise, assign 0 to `HOKEUN_FLWR_NOISE_ENABLED`: +``` bash +HOKEUN_FLWR_NUM_ROUNDS=5 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 3' +``` + +Example command with Gaussian noise: +``` bash +HOKEUN_FLWR_NUM_ROUNDS=5 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 3' ``` \ No newline at end of file diff --git a/examples/app-pytorch/server.py b/examples/app-pytorch/server.py index a15a9c453cc7..8e72b413b674 100644 --- a/examples/app-pytorch/server.py +++ b/examples/app-pytorch/server.py @@ -35,6 +35,21 @@ def weighted_average(metrics: List[Tuple[int, Metrics]]) -> Metrics: ndarrays = get_weights(Net()) parameters = ndarrays_to_parameters(ndarrays) +env_var_num_rounds = int(os.environ['HOKEUN_FLWR_NUM_ROUNDS']) +log(INFO, "Hokeun! env_var_num_rounds: %i", env_var_num_rounds) + +env_var_noise_enabled = False +if 'HOKEUN_FLWR_NOISE_ENABLED' in os.environ and int(os.environ['HOKEUN_FLWR_NOISE_ENABLED']) != 0: + env_var_noise_enabled = True + +log(INFO, "Hokeun! env_var_noise_enabled: %r", env_var_noise_enabled) + +env_var_gauss_noise_sigma = 0.0 +if env_var_noise_enabled: + env_var_gauss_noise_sigma = float(os.environ['HOKEUN_FLWR_GAUSS_NOISE_SIGMA']) + log(INFO, "Hokeun! env_var_gauss_noise_sigma: %r", env_var_gauss_noise_sigma) + + # Define strategy strategy = FedAvg( @@ -43,12 +58,11 @@ def weighted_average(metrics: List[Tuple[int, Metrics]]) -> Metrics: min_available_clients=2, fit_metrics_aggregation_fn=weighted_average, initial_parameters=parameters, + noise_enabled=env_var_noise_enabled, + gauss_noise_sigma=env_var_gauss_noise_sigma, # inplace=False, # Hokeun! set inplace false ) -env_var_num_rounds = int(os.environ['HOKEUN_FLWR_NUM_ROUNDS']) - -log(INFO, "Hokeun! env_var_num_rounds: %i", env_var_num_rounds) # Define config config = ServerConfig(num_rounds=env_var_num_rounds) diff --git a/src/py/flwr/server/strategy/aggregate.py b/src/py/flwr/server/strategy/aggregate.py index b3283ac20631..64691d7a03df 100644 --- a/src/py/flwr/server/strategy/aggregate.py +++ b/src/py/flwr/server/strategy/aggregate.py @@ -20,6 +20,7 @@ from typing import Any, Callable, List, Tuple import numpy as np +import random from flwr.common import FitRes, NDArray, NDArrays, parameters_to_ndarrays from flwr.common.logger import log @@ -45,7 +46,7 @@ def aggregate(results: List[Tuple[NDArrays, int]]) -> NDArrays: return weights_prime -def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]]) -> NDArrays: +def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: bool = False, gauss_noise_sigma: float = 0.0) -> NDArrays: """Compute in-place weighted average.""" log(INFO, 'Hokeun! aggregate_inplace: beginning') # Count total examples @@ -61,14 +62,21 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]]) -> NDArrays: params = [ scaling_factors[0] * x for x in parameters_to_ndarrays(results[0][1].parameters) ] - error_bound = 1.0 - log(INFO, "Hokeun! error_bound: %f", error_bound) + log(INFO, "Hokeun! aggregate_inplace: noise_enabled: %r", noise_enabled) + log(INFO, "Hokeun! aggregate_inplace: gauss_noise_sigma: %r", gauss_noise_sigma) for i, (_, fit_res) in enumerate(results[1:]): + noise_factor = 1.0 + if noise_enabled: + noise_factor += random.gauss(0, gauss_noise_sigma) + log(INFO, "Hokeun! noise_factor: %f", noise_factor) + + ndarrays = parameters_to_ndarrays(fit_res.parameters) + log(INFO, "Hokeun! aggregate_inplace: len(ndarrays): %i", len(ndarrays)) res = ( - scaling_factors[i + 1] * x * error_bound + scaling_factors[i + 1] * x * noise_factor # Giving 10% error. # scaling_factors[i + 1] * x * 1.1 - for x in parameters_to_ndarrays(fit_res.parameters) + for x in ndarrays ) params = [reduce(np.add, layer_updates) for layer_updates in zip(params, res)] diff --git a/src/py/flwr/server/strategy/fedavg.py b/src/py/flwr/server/strategy/fedavg.py index a7b8472c2f57..527a13b99bfe 100644 --- a/src/py/flwr/server/strategy/fedavg.py +++ b/src/py/flwr/server/strategy/fedavg.py @@ -110,6 +110,10 @@ def __init__( fit_metrics_aggregation_fn: Optional[MetricsAggregationFn] = None, evaluate_metrics_aggregation_fn: Optional[MetricsAggregationFn] = None, inplace: bool = True, + + # Hokeun + noise_enabled: bool = False, + gauss_noise_sigma: float = 0.0, ) -> None: super().__init__() @@ -133,6 +137,10 @@ def __init__( self.evaluate_metrics_aggregation_fn = evaluate_metrics_aggregation_fn self.inplace = inplace + # Hokeun + self.noise_enabled = noise_enabled + self.gauss_noise_sigma = gauss_noise_sigma + def __repr__(self) -> str: """Compute a string representation of the strategy.""" rep = f"FedAvg(accept_failures={self.accept_failures})" @@ -233,7 +241,7 @@ def aggregate_fit( if self.inplace: log(INFO, 'Hokeun! aggregate_fit: self.inplace') # Does in-place weighted average of results - aggregated_ndarrays = aggregate_inplace(results) + aggregated_ndarrays = aggregate_inplace(results, self.noise_enabled, self.gauss_noise_sigma) else: log(INFO, 'Hokeun! aggregate_fit: non inplace') # Convert results From 258e9b1ee00c84d7426d2ee2678b0486ed706b38 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Fri, 14 Jun 2024 13:48:20 -0700 Subject: [PATCH 10/34] Add preliminary experimental results --- .../preliminary_results_2024_0614_1347.txt | 115 ++++++++++++++++++ 1 file changed, 115 insertions(+) create mode 100644 examples/app-pytorch/experimental_results/preliminary_results_2024_0614_1347.txt diff --git a/examples/app-pytorch/experimental_results/preliminary_results_2024_0614_1347.txt b/examples/app-pytorch/experimental_results/preliminary_results_2024_0614_1347.txt new file mode 100644 index 000000000000..77a3b0cc7973 --- /dev/null +++ b/examples/app-pytorch/experimental_results/preliminary_results_2024_0614_1347.txt @@ -0,0 +1,115 @@ +(ClientAppActor pid=663694) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 3 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 5 round(s) in 96.12s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.2626266666666667), +INFO : (2, 0.37656), +INFO : (3, 0.43427333333333334), +INFO : (4, 0.48339333333333334), +INFO : (5, 0.5209533333333334)], +INFO : 'train_loss': [(1, 3111.288763999939), +INFO : (2, 2636.2783563137054), +INFO : (3, 2432.4359317620597), +INFO : (4, 2231.099242488543), +INFO : (5, 2077.1603814164796)], +INFO : 'val_accuracy': [(1, 0.2648), +INFO : (2, 0.37516666666666665), +INFO : (3, 0.43006666666666665), +INFO : (4, 0.47583333333333333), +INFO : (5, 0.5156666666666667)], +INFO : 'val_loss': [(1, 19890.59807151556), +INFO : (2, 16862.849978710212), +INFO : (3, 15588.389818498554), +INFO : (4, 14355.181868209038), +INFO : (5, 13461.744302448738)]} + + +----------------------------------------------------------------------------------------- + + +(ClientAppActor pid=669727) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 3 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.804646 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.861944 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 5 round(s) in 86.11s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.29391333333333336), +INFO : (2, 0.3678533333333333), +INFO : (3, 0.41861333333333334), +INFO : (4, 0.46557333333333334), +INFO : (5, 0.5064866666666666)], +INFO : 'train_loss': [(1, 3056.173280954361), +INFO : (2, 2692.5717417399087), +INFO : (3, 2502.7321223417916), +INFO : (4, 2305.85709019502), +INFO : (5, 2136.2207515239716)], +INFO : 'val_accuracy': [(1, 0.29850000000000004), +INFO : (2, 0.3683), +INFO : (3, 0.4161666666666667), +INFO : (4, 0.4692), +INFO : (5, 0.5051333333333333)], +INFO : 'val_loss': [(1, 19525.03346863389), +INFO : (2, 17186.626746791106), +INFO : (3, 15998.408485740423), +INFO : (4, 14755.69704998719), +INFO : (5, 13744.3956398579)]} + + +----------------------------------------------------------------------------------------- + + +(ClientAppActor pid=675422) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 3 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.056394 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.949573 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 5 round(s) in 85.11s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.26737333333333335), +INFO : (2, 0.37349333333333334), +INFO : (3, 0.43994666666666665), +INFO : (4, 0.48291333333333336), +INFO : (5, 0.5240666666666667)], +INFO : 'train_loss': [(1, 3134.8707090616226), +INFO : (2, 2709.2759661277137), +INFO : (3, 2392.55160488685), +INFO : (4, 2242.929047127565), +INFO : (5, 2076.5026405652366)], +INFO : 'val_accuracy': [(1, 0.27416666666666667), +INFO : (2, 0.37496666666666667), +INFO : (3, 0.44176666666666664), +INFO : (4, 0.4823), +INFO : (5, 0.5159666666666667)], +INFO : 'val_loss': [(1, 19931.76632917424), +INFO : (2, 17240.421862681706), +INFO : (3, 15239.038378457848), +INFO : (4, 14358.611958074382), +INFO : (5, 13401.850687815033)]} + + From 1a2fedd6961d9e93ca12f373442c6be2ed6f17e0 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Fri, 14 Jun 2024 14:15:09 -0700 Subject: [PATCH 11/34] Add shell script for running batch experiments --- examples/app-pytorch/README.md | 17 +++++++++++++---- examples/app-pytorch/run_experiments.sh | 22 ++++++++++++++++++++++ 2 files changed, 35 insertions(+), 4 deletions(-) create mode 100755 examples/app-pytorch/run_experiments.sh diff --git a/examples/app-pytorch/README.md b/examples/app-pytorch/README.md index 62a2763898bb..d4a457fb99c9 100644 --- a/examples/app-pytorch/README.md +++ b/examples/app-pytorch/README.md @@ -75,16 +75,25 @@ flower-server-app server_custom:app --insecure ``` ## More customized commands for WPES paper expierments -```bash +``bash HOKEUN_FLWR_NUM_ROUNDS=7 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 2' ``` To disable noise, assign 0 to `HOKEUN_FLWR_NOISE_ENABLED`: -``` bash +```bash HOKEUN_FLWR_NUM_ROUNDS=5 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 3' ``` Example command with Gaussian noise: -``` bash +```bash HOKEUN_FLWR_NUM_ROUNDS=5 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 3' -``` \ No newline at end of file +``` + +## Using shell script + +IMPORTANT! You must run `poetry shell` before running the shell script. For example: + +```bash +poetry shell +./run_experiments.sh & +``` diff --git a/examples/app-pytorch/run_experiments.sh b/examples/app-pytorch/run_experiments.sh new file mode 100755 index 000000000000..ea1df8295b63 --- /dev/null +++ b/examples/app-pytorch/run_experiments.sh @@ -0,0 +1,22 @@ +#!/bin/bash + +# Make sure to run poetry shell first! + +date_time=$(date '+%Y_%m_%d_%H%M%S'); + +echo +echo "=========================================================" +echo + +HOKEUN_FLWR_NUM_ROUNDS=2 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 2' 2>&1 | tee "$date_time"_results_1.txt + +echo +echo "=========================================================" +echo + +HOKEUN_FLWR_NUM_ROUNDS=2 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 2' 2>&1 | tee "$date_time"_results_2.txt + +echo +echo "=========================================================" +echo + From 3b7ba2c8a6b8df7c484150c5ff8d27874186b6b7 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Mon, 17 Jun 2024 11:27:43 -0700 Subject: [PATCH 12/34] Update experiment running script with more configurations --- examples/app-pytorch/run_experiments.sh | 34 +++++++++++++++++-------- 1 file changed, 23 insertions(+), 11 deletions(-) diff --git a/examples/app-pytorch/run_experiments.sh b/examples/app-pytorch/run_experiments.sh index ea1df8295b63..f7eb2aa8e77f 100755 --- a/examples/app-pytorch/run_experiments.sh +++ b/examples/app-pytorch/run_experiments.sh @@ -4,19 +4,31 @@ date_time=$(date '+%Y_%m_%d_%H%M%S'); -echo -echo "=========================================================" -echo +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_20_R_5_C_0_NOISE.txt -HOKEUN_FLWR_NUM_ROUNDS=2 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 2' 2>&1 | tee "$date_time"_results_1.txt +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=1.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_20_R_5_C_1.0_NOISE.txt -echo -echo "=========================================================" -echo +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.5 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_20_R_5_C_0.5_NOISE.txt -HOKEUN_FLWR_NUM_ROUNDS=2 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 2' 2>&1 | tee "$date_time"_results_2.txt +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_20_R_5_C_0.1_NOISE.txt -echo -echo "=========================================================" -echo +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_20_R_5_C_0.05_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_20_R_5_C_0.01_NOISE.txt + + + + + +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_20_R_10_C_0_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=1.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_20_R_10_C_1.0_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.5 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_20_R_10_C_0.5_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_20_R_10_C_0.1_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_20_R_10_C_0.05_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=20 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_20_R_10_C_0.01_NOISE.txt From 235357c19ef4f65ae5f02f1c8d49449565efb702 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Mon, 17 Jun 2024 11:29:03 -0700 Subject: [PATCH 13/34] Add experimental results on 2024 06 14 --- ...14_142018_results_20_R_10_C_0.01_NOISE.txt | 659 ++++++++++++++++++ ...14_142018_results_20_R_10_C_0.05_NOISE.txt | 659 ++++++++++++++++++ ..._14_142018_results_20_R_10_C_0.1_NOISE.txt | 659 ++++++++++++++++++ ..._14_142018_results_20_R_10_C_0.5_NOISE.txt | 659 ++++++++++++++++++ ...06_14_142018_results_20_R_10_C_0_NOISE.txt | 478 +++++++++++++ ..._14_142018_results_20_R_10_C_1.0_NOISE.txt | 659 ++++++++++++++++++ ..._14_142018_results_20_R_5_C_0.01_NOISE.txt | 461 ++++++++++++ ..._14_142018_results_20_R_5_C_0.05_NOISE.txt | 461 ++++++++++++ ...6_14_142018_results_20_R_5_C_0.1_NOISE.txt | 461 ++++++++++++ ...6_14_142018_results_20_R_5_C_0.5_NOISE.txt | 455 ++++++++++++ ..._06_14_142018_results_20_R_5_C_0_NOISE.txt | 380 ++++++++++ ...6_14_142018_results_20_R_5_C_1.0_NOISE.txt | 461 ++++++++++++ 12 files changed, 6452 insertions(+) create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.01_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.05_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.1_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.5_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_1.0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.01_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.05_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.1_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.5_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_1.0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.01_NOISE.txt new file mode 100644 index 000000000000..79c5553a7b38 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.01_NOISE.txt @@ -0,0 +1,659 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938335) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.999745 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002930 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998929 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.000794 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005549 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.013288 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988239 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.976155 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.994665 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938335) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.001256 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.000887 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.990903 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007326 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.004058 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.995880 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.015025 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.989928 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.008122 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.003902 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.987026 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.006394 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996801 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993065 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.991494 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996988 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.979187 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996807 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.003676 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005966 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.990317 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.990389 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.009883 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.995478 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996371 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.990689 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.013584 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938338) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.018602 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993109 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.999473 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005216 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.013739 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002008 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001867 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.995739 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.010453 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.993885 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997494 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.004289 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992285 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.008275 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.986401 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.990542 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001088 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.000309 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.001034 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.977750 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996523 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.016913 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.017162 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.010711 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002516 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.008067 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988982 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.993872 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.000391 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.994529 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.024807 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.008093 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993011 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.991793 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.974271 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.009693 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.005658 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.991713 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998272 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.999014 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.004658 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.994368 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998875 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.989632 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.004530 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.985442 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.000739 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.011551 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002898 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.003838 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988627 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002091 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002993 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002112 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938341) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.998091 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993132 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.995523 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992422 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002309 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001229 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007582 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.010942 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.989522 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.001257 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.984217 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993958 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.995439 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997890 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.006843 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007329 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997529 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.000929 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.007217 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.020073 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.009549 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.013502 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.004149 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.020986 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988300 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.981428 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998167 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.989361 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001493 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.991129 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.014683 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002437 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.010200 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988630 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.982808 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997203 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938338) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.004479 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007854 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.011967 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.004383 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.999233 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996814 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998166 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.012936 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.016850 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.993671 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.010051 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993804 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001865 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005558 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992093 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.991932 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.004393 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007320 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.998812 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.017101 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993275 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.986689 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.013937 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001898 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001734 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998531 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998088 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.013376 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.994576 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.012305 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005420 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993934 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.003613 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.999927 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.011227 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005111 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.994705 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.006785 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992282 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.004813 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.999714 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007094 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.024940 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005890 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.986686 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=938339) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.988985 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997498 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.994062 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992525 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996560 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993897 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.003004 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993453 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.015988 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 752.95s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.283106), +INFO : (2, 0.402628), +INFO : (3, 0.463874), +INFO : (4, 0.497782), +INFO : (5, 0.527484), +INFO : (6, 0.552784), +INFO : (7, 0.576264), +INFO : (8, 0.595758), +INFO : (9, 0.607876), +INFO : (10, 0.624212), +INFO : (11, 0.633972), +INFO : (12, 0.647142), +INFO : (13, 0.656014), +INFO : (14, 0.66831), +INFO : (15, 0.679174), +INFO : (16, 0.686628), +INFO : (17, 0.696058), +INFO : (18, 0.700366), +INFO : (19, 0.712656), +INFO : (20, 0.72175)], +INFO : 'train_loss': [(1, 3066.4418315291405), +INFO : (2, 2563.456327044964), +INFO : (3, 2316.8788761377336), +INFO : (4, 2182.5263955652713), +INFO : (5, 2064.1309178888796), +INFO : (6, 1962.5402211606502), +INFO : (7, 1867.6678067743778), +INFO : (8, 1791.0678143203259), +INFO : (9, 1740.8172012716532), +INFO : (10, 1674.9879609942436), +INFO : (11, 1627.3370436549187), +INFO : (12, 1570.0984129935503), +INFO : (13, 1532.594779342413), +INFO : (14, 1483.6143511027099), +INFO : (15, 1436.2714666754007), +INFO : (16, 1400.1115386039019), +INFO : (17, 1361.7371522426606), +INFO : (18, 1338.3131046652793), +INFO : (19, 1287.2981349468232), +INFO : (20, 1247.878336364031)], +INFO : 'val_accuracy': [(1, 0.28431), +INFO : (2, 0.39977), +INFO : (3, 0.45924), +INFO : (4, 0.49249), +INFO : (5, 0.51736), +INFO : (6, 0.53653), +INFO : (7, 0.55849), +INFO : (8, 0.57201), +INFO : (9, 0.58052), +INFO : (10, 0.5908), +INFO : (11, 0.59877), +INFO : (12, 0.60936), +INFO : (13, 0.61308), +INFO : (14, 0.62067), +INFO : (15, 0.62615), +INFO : (16, 0.62826), +INFO : (17, 0.63267), +INFO : (18, 0.63231), +INFO : (19, 0.63783), +INFO : (20, 0.64086)], +INFO : 'val_loss': [(1, 19619.328045977654), +INFO : (2, 16400.14190321155), +INFO : (3, 14877.427682425547), +INFO : (4, 14094.309761351253), +INFO : (5, 13433.394732604525), +INFO : (6, 12891.971526175073), +INFO : (7, 12361.09374906954), +INFO : (8, 11987.17484979936), +INFO : (9, 11771.235043143084), +INFO : (10, 11479.665350044977), +INFO : (11, 11296.20891741285), +INFO : (12, 11059.227233513611), +INFO : (13, 10974.682749416485), +INFO : (14, 10778.864917259474), +INFO : (15, 10634.887377120413), +INFO : (16, 10597.358243556857), +INFO : (17, 10484.752296618959), +INFO : (18, 10506.717477481843), +INFO : (19, 10387.365049780963), +INFO : (20, 10371.312196802124)]} +INFO : +(ClientAppActor pid=938337) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=938331) Files already downloaded and verified +(ClientAppActor pid=938338) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=938341) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.05_NOISE.txt new file mode 100644 index 000000000000..bb74b32c1cfb --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.05_NOISE.txt @@ -0,0 +1,659 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919710) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.989443 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.086200 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.015788 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.984030 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.967396 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.077506 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.045131 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.029201 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.947694 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919711) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.969911 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.985243 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.959532 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.030855 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.986705 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.029423 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.021830 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.994159 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.980271 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919711) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.959523 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.914235 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002506 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.975487 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.048046 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.046388 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992772 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.970234 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.081720 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919723) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.001588 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.905195 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.957877 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.983911 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.983247 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.088842 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.985575 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.012847 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.922091 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919711) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.949000 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.938284 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.951702 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.009989 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.932311 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.946261 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.961702 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.939108 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998405 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919716) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.069286 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.966780 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.929647 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.054190 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.940891 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.975802 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.076881 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.018929 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.973443 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919711) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.989528 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.000760 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997608 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.073378 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.961148 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.943473 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.006680 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.072824 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996710 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919711) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.942122 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.931228 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.976129 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.038655 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001864 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.000264 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997709 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.037389 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.073565 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919714) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.072149 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.986774 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.031927 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.006998 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.032840 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.031737 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007805 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.899771 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.008456 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919711) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.006718 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.013984 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005827 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.023615 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.033585 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.915108 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.013513 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.982512 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.037060 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919716) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.973041 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.939591 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.072336 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.016909 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.958092 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.062131 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.042595 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.019428 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.965754 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919711) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.951897 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998726 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992112 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.976322 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.912509 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.051245 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.020174 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.978337 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.984859 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919716) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.031192 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.000800 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.023434 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.022980 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.095649 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.047333 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.969094 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.069603 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.965827 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919711) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.950727 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.051540 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998639 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.058604 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.122907 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.960611 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997370 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.134646 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.020942 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919716) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.030930 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.107928 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.953978 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.979945 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.965824 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.970461 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.010878 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.074671 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.090046 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919711) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.084797 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.009990 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.948237 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.972292 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.030976 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.995068 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.030664 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992909 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.020346 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919711) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.924961 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.013903 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.994574 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.021663 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.018809 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.022029 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.891596 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.017509 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.984084 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919714) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.975294 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.897543 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.894940 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.019603 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.989627 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.058257 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.031570 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993099 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.973795 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919711) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.048856 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998500 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.042876 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.035542 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.978776 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.924911 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.960956 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.955056 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.986036 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=919713) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.967600 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.043769 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.041589 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988363 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.008797 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.047220 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.060183 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.067615 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.078197 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 787.99s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.217644), +INFO : (2, 0.392914), +INFO : (3, 0.457342), +INFO : (4, 0.494242), +INFO : (5, 0.520924), +INFO : (6, 0.544898), +INFO : (7, 0.570228), +INFO : (8, 0.589382), +INFO : (9, 0.60492), +INFO : (10, 0.617988), +INFO : (11, 0.632548), +INFO : (12, 0.64941), +INFO : (13, 0.658232), +INFO : (14, 0.668484), +INFO : (15, 0.675958), +INFO : (16, 0.686122), +INFO : (17, 0.700128), +INFO : (18, 0.709562), +INFO : (19, 0.716898), +INFO : (20, 0.721382)], +INFO : 'train_loss': [(1, 3369.186222422123), +INFO : (2, 2598.856485068798), +INFO : (3, 2334.6296110332014), +INFO : (4, 2197.609176814556), +INFO : (5, 2086.9339774906634), +INFO : (6, 1993.1612490415573), +INFO : (7, 1895.3956573963164), +INFO : (8, 1804.5692176759244), +INFO : (9, 1744.9926615893842), +INFO : (10, 1684.0863665014506), +INFO : (11, 1620.3738319963218), +INFO : (12, 1551.5716725081206), +INFO : (13, 1512.8885985702277), +INFO : (14, 1471.509829235077), +INFO : (15, 1429.8608469069004), +INFO : (16, 1388.961585098505), +INFO : (17, 1328.8390183389188), +INFO : (18, 1290.7933404296637), +INFO : (19, 1257.2398323759437), +INFO : (20, 1237.7615756988525)], +INFO : 'val_accuracy': [(1, 0.22012), +INFO : (2, 0.3904), +INFO : (3, 0.45232), +INFO : (4, 0.4877), +INFO : (5, 0.51174), +INFO : (6, 0.53498), +INFO : (7, 0.5544), +INFO : (8, 0.57369), +INFO : (9, 0.58433), +INFO : (10, 0.59301), +INFO : (11, 0.6032), +INFO : (12, 0.6159), +INFO : (13, 0.61957), +INFO : (14, 0.62452), +INFO : (15, 0.62793), +INFO : (16, 0.63187), +INFO : (17, 0.63698), +INFO : (18, 0.6427), +INFO : (19, 0.64495), +INFO : (20, 0.64278)], +INFO : 'val_loss': [(1, 21569.363985919954), +INFO : (2, 16623.003133375943), +INFO : (3, 15027.203997493814), +INFO : (4, 14208.981944218021), +INFO : (5, 13558.168958099826), +INFO : (6, 13020.258078335859), +INFO : (7, 12506.967809363556), +INFO : (8, 12017.722598885468), +INFO : (9, 11757.563347435284), +INFO : (10, 11476.623272531197), +INFO : (11, 11191.916824898388), +INFO : (12, 10930.411192843963), +INFO : (13, 10807.997094150109), +INFO : (14, 10699.496985605147), +INFO : (15, 10681.51981951788), +INFO : (16, 10596.360806211263), +INFO : (17, 10396.085202744844), +INFO : (18, 10279.596395170218), +INFO : (19, 10223.328332967532), +INFO : (20, 10314.290333708672)]} +INFO : +(ClientAppActor pid=919716) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=919710) Files already downloaded and verified +(ClientAppActor pid=919722) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=919719) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.1_NOISE.txt new file mode 100644 index 000000000000..c41efec8e83b --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.1_NOISE.txt @@ -0,0 +1,659 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.003446 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.020384 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.156534 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.050436 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.124548 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.038189 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.965542 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.041185 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.985175 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901179) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.900601 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.986552 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.166656 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.933949 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.971690 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.909277 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.952555 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.087430 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.032160 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.943775 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.968892 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.810045 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.906646 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.978954 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.989667 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.086972 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.746506 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.022475 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.100590 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.099120 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.903733 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.053000 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.131929 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.928455 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.057078 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.112859 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.141521 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.934218 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.028926 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.889100 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.031933 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.126971 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.791204 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.123484 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.027428 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.922594 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.922838 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.010966 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.097320 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.030354 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.088063 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.878199 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.920060 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.904153 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001811 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901187) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.983132 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.128609 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.271749 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.955098 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.799947 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.109063 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.087547 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.017957 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.015506 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.907667 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.836219 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.949147 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.974831 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.134883 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.115475 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.100479 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.974597 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.239798 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.095263 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988746 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.966269 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.036836 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.114969 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.966957 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.881640 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.937949 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.883917 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901188) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.939715 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.006479 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.892976 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.212812 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992450 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.018169 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.956369 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.954683 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.916526 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.116008 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.102443 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.028514 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.939104 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.957731 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.143891 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.085981 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.956446 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.982710 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901188) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.061518 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.106360 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.184365 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.882944 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.862313 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.978894 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.009321 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.092090 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.911116 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.038953 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.888313 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993538 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.777663 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.018151 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.934244 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.891112 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.850304 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.107501 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.151630 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.942987 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.930815 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.068331 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.931850 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.073018 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.984095 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.006046 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.189698 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901188) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.983113 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.957446 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.911706 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.074043 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.167585 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.134286 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.121421 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.717895 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.056157 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.977369 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.024641 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.849156 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.239342 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.885288 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.871943 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.080561 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.977378 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.857606 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901188) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.943555 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.024726 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.044262 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.111642 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.948161 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.031031 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.961538 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.184776 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.070495 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.930697 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002906 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.967114 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.022411 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.981448 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993876 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.913071 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.867807 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.981282 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901177) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.134251 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.983306 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.946471 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.964278 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988722 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.858572 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.120773 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.938755 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.037397 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=901188) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.000374 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.916038 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.958341 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.094520 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.959235 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.911418 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.957849 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.032536 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.076797 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 785.98s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.286706), +INFO : (2, 0.397498), +INFO : (3, 0.463572), +INFO : (4, 0.493368), +INFO : (5, 0.526696), +INFO : (6, 0.55014), +INFO : (7, 0.568326), +INFO : (8, 0.581926), +INFO : (9, 0.604314), +INFO : (10, 0.614148), +INFO : (11, 0.626324), +INFO : (12, 0.640428), +INFO : (13, 0.652026), +INFO : (14, 0.662656), +INFO : (15, 0.671678), +INFO : (16, 0.68208), +INFO : (17, 0.68737), +INFO : (18, 0.696278), +INFO : (19, 0.707064), +INFO : (20, 0.71429)], +INFO : 'train_loss': [(1, 3038.992162847519), +INFO : (2, 2590.8589839577676), +INFO : (3, 2324.184206879139), +INFO : (4, 2194.7396877110004), +INFO : (5, 2069.3042068064215), +INFO : (6, 1972.9470111787318), +INFO : (7, 1895.6141039490699), +INFO : (8, 1839.5869018077851), +INFO : (9, 1746.3773049861193), +INFO : (10, 1701.0410451084376), +INFO : (11, 1645.7154725849628), +INFO : (12, 1588.0367830514908), +INFO : (13, 1537.6836790412665), +INFO : (14, 1494.0384489297867), +INFO : (15, 1453.2378393113613), +INFO : (16, 1411.3125322103501), +INFO : (17, 1385.6096205860376), +INFO : (18, 1341.8672191262244), +INFO : (19, 1299.8440418601035), +INFO : (20, 1270.2471770823001)], +INFO : 'val_accuracy': [(1, 0.28936), +INFO : (2, 0.39777), +INFO : (3, 0.46052), +INFO : (4, 0.4871), +INFO : (5, 0.51924), +INFO : (6, 0.53351), +INFO : (7, 0.54856), +INFO : (8, 0.55972), +INFO : (9, 0.57621), +INFO : (10, 0.58261), +INFO : (11, 0.58788), +INFO : (12, 0.59759), +INFO : (13, 0.60541), +INFO : (14, 0.61171), +INFO : (15, 0.61497), +INFO : (16, 0.62035), +INFO : (17, 0.62089), +INFO : (18, 0.62359), +INFO : (19, 0.62843), +INFO : (20, 0.63039)], +INFO : 'val_loss': [(1, 19432.105824618044), +INFO : (2, 16552.750947404656), +INFO : (3, 14911.836739868859), +INFO : (4, 14154.044700641838), +INFO : (5, 13460.636836104524), +INFO : (6, 12968.484974795585), +INFO : (7, 12591.607067390645), +INFO : (8, 12366.229425950396), +INFO : (9, 11915.212901247574), +INFO : (10, 11756.598639754357), +INFO : (11, 11555.228385325956), +INFO : (12, 11367.373153742548), +INFO : (13, 11192.249927807168), +INFO : (14, 11016.723020228543), +INFO : (15, 10986.471699953323), +INFO : (16, 10889.757388081227), +INFO : (17, 10864.29054631855), +INFO : (18, 10881.314778919439), +INFO : (19, 10709.167502329976), +INFO : (20, 10714.028663910307)]} +INFO : +(ClientAppActor pid=901191) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=901177) Files already downloaded and verified +(ClientAppActor pid=901187) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=901188) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.5_NOISE.txt new file mode 100644 index 000000000000..b2aeaa8436d4 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.5_NOISE.txt @@ -0,0 +1,659 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.5 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882835) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.787940 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.641146 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.654381 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.935940 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.649786 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.590052 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.677222 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.391946 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.745613 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.229912 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.279813 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.981743 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.467559 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.406888 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.542335 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.839268 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.966104 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.434309 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.881449 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997920 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.871168 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.166903 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.202078 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.202046 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.346112 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.111867 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.109040 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.274593 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.839944 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.222043 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.195349 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.472966 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.764700 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.408274 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.773854 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.598807 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882842) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.302206 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.816401 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.268675 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.622379 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.310110 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.963090 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.686427 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.385352 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.399537 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.551891 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.703994 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.504024 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.454608 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.810541 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.947499 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.322666 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.022045 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.210246 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.183525 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.691287 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.204631 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.487578 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.686032 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.370250 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.467155 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.611974 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.373234 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882837) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.391647 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.336933 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.814548 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.304472 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.082423 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.559936 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.149146 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.499274 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.907755 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.007128 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.693546 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.167124 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.949151 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.674355 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.022246 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.942706 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.821055 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.880414 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882842) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.845246 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.160207 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.319476 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.354811 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.174738 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.760193 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.249160 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.757169 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.282341 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.575999 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.232212 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.330461 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.765834 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.781241 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.687103 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.381665 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.535537 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.442011 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882837) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.891517 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.945625 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.056038 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.433634 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.888915 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.549891 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.788449 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.406359 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.935832 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.594303 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.420988 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.523805 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.914016 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.625052 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.395581 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.126887 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.875655 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.571358 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882837) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.370203 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.100072 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.858751 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.267171 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.065401 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.013057 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.868531 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.000049 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.154197 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.642921 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.362461 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.207649 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.048405 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.881222 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.049078 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.559626 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.988658 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.523073 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.640243 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.519151 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.042636 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.969925 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.921443 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.740887 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.602895 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.239549 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.642652 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882837) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.045957 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.920862 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.085432 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.695344 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993716 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.214881 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.497284 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.770760 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.792278 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.588619 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.908985 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.720139 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.256831 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.031551 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.619662 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.513118 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.977297 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.474000 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882842) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.552941 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.184830 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.766732 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.334915 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.274594 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.002874 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.517719 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.628592 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.969408 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=882839) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.719621 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.371003 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.001922 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.886220 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.329704 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.589550 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.110674 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.241689 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.137701 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 778.96s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.306438), +INFO : (2, 0.378578), +INFO : (3, 0.429672), +INFO : (4, 0.465238), +INFO : (5, 0.490118), +INFO : (6, 0.505822), +INFO : (7, 0.513504), +INFO : (8, 0.53884), +INFO : (9, 0.549912), +INFO : (10, 0.566628), +INFO : (11, 0.554964), +INFO : (12, 0.564492), +INFO : (13, 0.588824), +INFO : (14, 0.611042), +INFO : (15, 0.618624), +INFO : (16, 0.641376), +INFO : (17, 0.652134), +INFO : (18, 0.656938), +INFO : (19, 0.667352), +INFO : (20, 0.672118)], +INFO : 'train_loss': [(1, 2978.732586121559), +INFO : (2, 2626.2562426924706), +INFO : (3, 2428.8388900995255), +INFO : (4, 2283.345548027754), +INFO : (5, 2192.5866125822067), +INFO : (6, 2135.39682276845), +INFO : (7, 2103.2291727244856), +INFO : (8, 2001.7184574842454), +INFO : (9, 1966.7829770565033), +INFO : (10, 1895.7788047254085), +INFO : (11, 1941.8317547738552), +INFO : (12, 1898.4896944224834), +INFO : (13, 1808.217622870207), +INFO : (14, 1722.974844172597), +INFO : (15, 1694.848934906721), +INFO : (16, 1595.7444617837668), +INFO : (17, 1546.730765143037), +INFO : (18, 1525.0367665946483), +INFO : (19, 1482.170077446103), +INFO : (20, 1458.2835171103477)], +INFO : 'val_accuracy': [(1, 0.30905), +INFO : (2, 0.37892), +INFO : (3, 0.42876), +INFO : (4, 0.46426), +INFO : (5, 0.48713), +INFO : (6, 0.50043), +INFO : (7, 0.50709), +INFO : (8, 0.52809), +INFO : (9, 0.53757), +INFO : (10, 0.55152), +INFO : (11, 0.54192), +INFO : (12, 0.54942), +INFO : (13, 0.57363), +INFO : (14, 0.5887), +INFO : (15, 0.59499), +INFO : (16, 0.61146), +INFO : (17, 0.61649), +INFO : (18, 0.62103), +INFO : (19, 0.62518), +INFO : (20, 0.62874)], +INFO : 'val_loss': [(1, 19009.73966409415), +INFO : (2, 16762.84197121784), +INFO : (3, 15545.23095572274), +INFO : (4, 14661.4865661853), +INFO : (5, 14125.986103401869), +INFO : (6, 13788.298753466435), +INFO : (7, 13612.857334610959), +INFO : (8, 13062.278154138081), +INFO : (9, 12862.217562992078), +INFO : (10, 12517.00559048014), +INFO : (11, 12731.050515898434), +INFO : (12, 12510.58311531728), +INFO : (13, 12015.702729825576), +INFO : (14, 11612.509149295356), +INFO : (15, 11485.823243867277), +INFO : (16, 11063.31376370314), +INFO : (17, 10909.8803233419), +INFO : (18, 10781.853508954526), +INFO : (19, 10713.715906400585), +INFO : (20, 10589.147810327244)]} +INFO : +(ClientAppActor pid=882844) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=882831) Files already downloaded and verified +(ClientAppActor pid=882843) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=882844) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0_NOISE.txt new file mode 100644 index 000000000000..e32f066419eb --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0_NOISE.txt @@ -0,0 +1,478 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846313) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846317) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846325) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846325) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846323) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846323) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846323) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=846318) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 779.97s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.259882), +INFO : (2, 0.380034), +INFO : (3, 0.44624), +INFO : (4, 0.490496), +INFO : (5, 0.526168), +INFO : (6, 0.550696), +INFO : (7, 0.574608), +INFO : (8, 0.58933), +INFO : (9, 0.611008), +INFO : (10, 0.622836), +INFO : (11, 0.64219), +INFO : (12, 0.653522), +INFO : (13, 0.662498), +INFO : (14, 0.671976), +INFO : (15, 0.682072), +INFO : (16, 0.692538), +INFO : (17, 0.703768), +INFO : (18, 0.708318), +INFO : (19, 0.714616), +INFO : (20, 0.721932)], +INFO : 'train_loss': [(1, 3232.23021337986), +INFO : (2, 2678.3052101373673), +INFO : (3, 2375.0854257464407), +INFO : (4, 2218.188995015621), +INFO : (5, 2070.4802143633365), +INFO : (6, 1974.8347360551356), +INFO : (7, 1868.8201676666736), +INFO : (8, 1804.307323923707), +INFO : (9, 1716.5685839384794), +INFO : (10, 1668.0430432349444), +INFO : (11, 1579.643041139841), +INFO : (12, 1534.773801445961), +INFO : (13, 1500.6500281989574), +INFO : (14, 1455.2290370345115), +INFO : (15, 1411.1846506118775), +INFO : (16, 1369.5514911085368), +INFO : (17, 1323.7895540416241), +INFO : (18, 1300.7421947449445), +INFO : (19, 1272.1923590809106), +INFO : (20, 1234.82415663898)], +INFO : 'val_accuracy': [(1, 0.2659), +INFO : (2, 0.38456), +INFO : (3, 0.44803), +INFO : (4, 0.48974), +INFO : (5, 0.52105), +INFO : (6, 0.5432), +INFO : (7, 0.56443), +INFO : (8, 0.57583), +INFO : (9, 0.59263), +INFO : (10, 0.60015), +INFO : (11, 0.61302), +INFO : (12, 0.62117), +INFO : (13, 0.62175), +INFO : (14, 0.62921), +INFO : (15, 0.63308), +INFO : (16, 0.63911), +INFO : (17, 0.64162), +INFO : (18, 0.64475), +INFO : (19, 0.64457), +INFO : (20, 0.64573)], +INFO : 'val_loss': [(1, 20592.60734710991), +INFO : (2, 17024.041196651386), +INFO : (3, 15199.609562817028), +INFO : (4, 14277.770607822202), +INFO : (5, 13436.558667893169), +INFO : (6, 12913.515226639749), +INFO : (7, 12337.925126513277), +INFO : (8, 12007.895547524711), +INFO : (9, 11570.583782408694), +INFO : (10, 11375.921144467276), +INFO : (11, 10991.40973366727), +INFO : (12, 10825.842427475785), +INFO : (13, 10765.472393152899), +INFO : (14, 10619.476321843373), +INFO : (15, 10512.89786123027), +INFO : (16, 10389.828401720451), +INFO : (17, 10258.515270826214), +INFO : (18, 10267.506521349342), +INFO : (19, 10272.212375062625), +INFO : (20, 10271.833872461415)]} +INFO : +(ClientAppActor pid=846321) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=846320) Files already downloaded and verified +(ClientAppActor pid=846325) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=846328) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_1.0_NOISE.txt new file mode 100644 index 000000000000..2bfd230efaac --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_1.0_NOISE.txt @@ -0,0 +1,659 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 1.0 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864750) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.306849 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.569262 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.490860 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.351636 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.895718 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.026813 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.962663 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.135801 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.019471 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864749) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.732116 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.153645 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.011790 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.799764 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.505874 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.100709 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.236700 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.416869 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.563606 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.284081 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.224145 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 3.014094 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.894209 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.220198 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.303092 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.391822 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.470043 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.324872 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: -0.057850 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.245210 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.340327 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.844656 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.033337 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.179656 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.195679 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.090295 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 3.804575 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864748) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: -0.346435 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.033615 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.692229 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.518318 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 3.216115 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.474952 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.589463 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.124603 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.614994 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.998821 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.115708 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.339482 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.747860 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.323181 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.306895 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.272754 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.980358 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.986254 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.743321 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.366998 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.779242 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.620688 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.372134 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.355677 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.654688 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.678071 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.770320 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 2.173457 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.443586 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.206223 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.710822 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.531196 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.894242 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.299751 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.175620 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.945095 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.419389 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.078144 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.580317 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.419907 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.347295 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.155267 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.940667 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.175133 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.203337 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864748) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.374767 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.482058 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.163758 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.728057 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.368434 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.318925 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.371311 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005780 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.490325 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 2.953048 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.112263 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.108296 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.300579 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.072350 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.055863 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.513524 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.684099 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.033972 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864748) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.530654 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.109026 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.248605 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.631028 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.155855 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.561271 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.431662 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -1.263322 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.185662 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 2.091486 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.360360 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.859418 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.004153 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.768369 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.939116 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.625851 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.755131 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.370148 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.485429 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.334421 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.021712 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.115778 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.038115 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.720776 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.452561 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.836971 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.663062 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 3.240952 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.540915 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.124204 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.524651 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.408074 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.856393 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.359436 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.781276 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.056359 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.574145 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.675626 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.315583 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.944487 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.470318 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.245140 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.307812 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.907688 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.547460 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.757720 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.341132 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.194224 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.217802 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.027726 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.511545 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.108109 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.892510 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.105002 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.260045 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.119282 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.359732 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.329896 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.748389 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.536637 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.087499 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.165970 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.036816 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864745) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.103327 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.478285 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.667208 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.176802 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.761301 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.648836 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.811218 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.009932 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.486623 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=864747) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.045855 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.449355 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.352200 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.775516 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.216242 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.745639 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.565661 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.940634 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.149678 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 755.95s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.253036), +INFO : (2, 0.403664), +INFO : (3, 0.484318), +INFO : (4, 0.5342), +INFO : (5, 0.560778), +INFO : (6, 0.578334), +INFO : (7, 0.596984), +INFO : (8, 0.615658), +INFO : (9, 0.62029), +INFO : (10, 0.62187), +INFO : (11, 0.648522), +INFO : (12, 0.657926), +INFO : (13, 0.638684), +INFO : (14, 0.639244), +INFO : (15, 0.618424), +INFO : (16, 0.66134), +INFO : (17, 0.678944), +INFO : (18, 0.69336), +INFO : (19, 0.704902), +INFO : (20, 0.716124)], +INFO : 'train_loss': [(1, 3197.056119787693), +INFO : (2, 2563.298622024059), +INFO : (3, 2242.38280711174), +INFO : (4, 2047.5660430908204), +INFO : (5, 1930.0364445567131), +INFO : (6, 1858.9204972565174), +INFO : (7, 1775.8455060780047), +INFO : (8, 1697.3007666528224), +INFO : (9, 1674.1580768495799), +INFO : (10, 1670.1114474833012), +INFO : (11, 1550.9052989780903), +INFO : (12, 1507.930692756176), +INFO : (13, 1595.4054216504096), +INFO : (14, 1605.7268517881632), +INFO : (15, 1697.6390322357415), +INFO : (16, 1499.9996474683285), +INFO : (17, 1426.3967218220234), +INFO : (18, 1357.2253071725368), +INFO : (19, 1307.096959015727), +INFO : (20, 1257.108316129446)], +INFO : 'val_accuracy': [(1, 0.25974), +INFO : (2, 0.40519), +INFO : (3, 0.47809), +INFO : (4, 0.52136), +INFO : (5, 0.53882), +INFO : (6, 0.55319), +INFO : (7, 0.56712), +INFO : (8, 0.57578), +INFO : (9, 0.56976), +INFO : (10, 0.56355), +INFO : (11, 0.58928), +INFO : (12, 0.59183), +INFO : (13, 0.59916), +INFO : (14, 0.60191), +INFO : (15, 0.59393), +INFO : (16, 0.61139), +INFO : (17, 0.60953), +INFO : (18, 0.6199), +INFO : (19, 0.62371), +INFO : (20, 0.62034)], +INFO : 'val_loss': [(1, 20350.320433005694), +INFO : (2, 16331.490232951195), +INFO : (3, 14384.770636370964), +INFO : (4, 13322.512533461719), +INFO : (5, 12825.10675612273), +INFO : (6, 12422.518820722325), +INFO : (7, 12058.984401147338), +INFO : (8, 11883.856366697335), +INFO : (9, 12136.295112942076), +INFO : (10, 12417.501975083347), +INFO : (11, 11504.232006944561), +INFO : (12, 11531.675039419026), +INFO : (13, 11208.346412447981), +INFO : (14, 11196.211978721185), +INFO : (15, 11443.888571166328), +INFO : (16, 10945.220993625366), +INFO : (17, 11217.367252136099), +INFO : (18, 10856.057404038156), +INFO : (19, 10787.854672535364), +INFO : (20, 11024.04820647229)]} +INFO : +(ClientAppActor pid=864760) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=864754) Files already downloaded and verified +(ClientAppActor pid=864755) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=864758) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.01_NOISE.txt new file mode 100644 index 000000000000..d02e878fa6af --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.01_NOISE.txt @@ -0,0 +1,461 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833961) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.991930 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.021396 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.982945 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.989250 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833964) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.017158 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.011471 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.019894 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.986941 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833971) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.986438 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007995 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996348 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.995651 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833961) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.987866 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002643 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007815 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.989030 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833959) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.981403 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001177 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.009119 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.990041 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833971) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.018721 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.019254 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.991716 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.995699 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833961) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.006734 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007503 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005106 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.989748 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833974) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.015554 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002150 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001844 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988586 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833971) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.006653 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.985624 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.006468 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002569 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833963) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.989401 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.994850 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996194 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992209 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833961) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.004113 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.999809 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.989307 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007221 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833971) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.003377 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988665 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.991474 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.004367 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833963) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.985640 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.011404 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001877 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993330 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833961) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.005495 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.000905 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.006613 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.990360 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833971) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.988935 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002661 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.011658 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.990839 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833963) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.002169 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997896 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.002874 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.010556 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833961) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.006825 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988813 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.983056 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.020007 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833964) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.005675 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998098 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.986429 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005141 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833963) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 1.008629 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.998152 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997049 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.993968 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=833961) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! noise_factor: 0.996662 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996979 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.995601 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.995658 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 469.60s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.28116), +INFO : (2, 0.3828), +INFO : (3, 0.433712), +INFO : (4, 0.473592), +INFO : (5, 0.503428), +INFO : (6, 0.535324), +INFO : (7, 0.55424), +INFO : (8, 0.569396), +INFO : (9, 0.584376), +INFO : (10, 0.606592), +INFO : (11, 0.612632), +INFO : (12, 0.629296), +INFO : (13, 0.643892), +INFO : (14, 0.654172), +INFO : (15, 0.663984), +INFO : (16, 0.670264), +INFO : (17, 0.684124), +INFO : (18, 0.689524), +INFO : (19, 0.699128), +INFO : (20, 0.699912)], +INFO : 'train_loss': [(1, 3083.727230811119), +INFO : (2, 2602.6735734701156), +INFO : (3, 2415.5520890951157), +INFO : (4, 2259.967203140259), +INFO : (5, 2141.3394991755486), +INFO : (6, 2024.0628409743308), +INFO : (7, 1955.8788635969163), +INFO : (8, 1889.8668845057487), +INFO : (9, 1820.537739920616), +INFO : (10, 1735.0933718681335), +INFO : (11, 1702.9326339602471), +INFO : (12, 1636.3512405216693), +INFO : (13, 1582.3611618816853), +INFO : (14, 1534.7728168785573), +INFO : (15, 1488.6223286807538), +INFO : (16, 1465.1582971870898), +INFO : (17, 1406.7438153803348), +INFO : (18, 1380.0992003977299), +INFO : (19, 1337.1757533669472), +INFO : (20, 1332.3300423622131)], +INFO : 'val_accuracy': [(1, 0.28354), +INFO : (2, 0.38668), +INFO : (3, 0.43446), +INFO : (4, 0.4701), +INFO : (5, 0.4994), +INFO : (6, 0.52484), +INFO : (7, 0.53812), +INFO : (8, 0.5517), +INFO : (9, 0.56082), +INFO : (10, 0.58068), +INFO : (11, 0.58176), +INFO : (12, 0.59696), +INFO : (13, 0.60378), +INFO : (14, 0.61024), +INFO : (15, 0.61648), +INFO : (16, 0.62024), +INFO : (17, 0.62592), +INFO : (18, 0.62686), +INFO : (19, 0.6306), +INFO : (20, 0.63334)], +INFO : 'val_loss': [(1, 19697.036229479312), +INFO : (2, 16582.17130050659), +INFO : (3, 15417.288960137963), +INFO : (4, 14473.169395389596), +INFO : (5, 13803.459829288906), +INFO : (6, 13144.637071477993), +INFO : (7, 12841.209964532287), +INFO : (8, 12520.637158698972), +INFO : (9, 12216.878052408249), +INFO : (10, 11776.802548721507), +INFO : (11, 11693.99741993367), +INFO : (12, 11388.525972600999), +INFO : (13, 11166.915251297092), +INFO : (14, 10970.758351976001), +INFO : (15, 10848.728440394643), +INFO : (16, 10850.688801156133), +INFO : (17, 10622.205132701385), +INFO : (18, 10587.19554705413), +INFO : (19, 10505.704114263313), +INFO : (20, 10700.45010555508)]} +INFO : +(ClientAppActor pid=833967) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=833960) Files already downloaded and verified +(ClientAppActor pid=833965) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=833971) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=833974) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=833974) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.05_NOISE.txt new file mode 100644 index 000000000000..164ba51ca316 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.05_NOISE.txt @@ -0,0 +1,461 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821462) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.061504 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.012085 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.965940 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992295 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821465) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.068030 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.991946 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.974182 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.044032 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821473) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.097311 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.961533 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.042154 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.947252 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821462) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.987595 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.022594 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.990394 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992855 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821468) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.942161 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.090336 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.966013 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.973068 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821465) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.039509 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.041172 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.855395 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.972609 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821462) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.940367 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.899907 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.052092 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.992502 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821468) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.886020 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.976583 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.005434 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.980799 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821465) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.935586 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.035413 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.012884 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.988064 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821462) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.039732 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.034167 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.954170 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.961353 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.023790 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.936305 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.982993 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.895360 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821465) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.015538 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.979234 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.997111 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.059822 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821462) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.988248 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.019817 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.910834 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.011682 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.008385 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.060566 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.011778 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.018899 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821465) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.986727 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.979720 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.991733 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.063464 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821462) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.905394 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.056128 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.044483 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.052601 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.018306 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.968985 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.009008 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.092400 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821465) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.974400 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.084898 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.036430 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.934292 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821462) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 1.011841 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.030904 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.033159 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.018381 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=821473) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! noise_factor: 0.977288 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.948007 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.921026 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.968482 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 478.60s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.245892), +INFO : (2, 0.386792), +INFO : (3, 0.455696), +INFO : (4, 0.499356), +INFO : (5, 0.529656), +INFO : (6, 0.550676), +INFO : (7, 0.57152), +INFO : (8, 0.586372), +INFO : (9, 0.603356), +INFO : (10, 0.614608), +INFO : (11, 0.62982), +INFO : (12, 0.638476), +INFO : (13, 0.649224), +INFO : (14, 0.66122), +INFO : (15, 0.66968), +INFO : (16, 0.673752), +INFO : (17, 0.692112), +INFO : (18, 0.70574), +INFO : (19, 0.7024), +INFO : (20, 0.722084)], +INFO : 'train_loss': [(1, 3216.8741931915283), +INFO : (2, 2605.0654500722885), +INFO : (3, 2352.600583863258), +INFO : (4, 2173.2262673974037), +INFO : (5, 2058.9224548578263), +INFO : (6, 1976.1172260522842), +INFO : (7, 1892.9338737845421), +INFO : (8, 1828.8195693969726), +INFO : (9, 1751.3533594369887), +INFO : (10, 1705.8717540204525), +INFO : (11, 1638.1346138358117), +INFO : (12, 1603.949854838848), +INFO : (13, 1551.999368315935), +INFO : (14, 1502.9040205955505), +INFO : (15, 1464.147148603201), +INFO : (16, 1449.263569998741), +INFO : (17, 1371.6789181947709), +INFO : (18, 1310.9189063370227), +INFO : (19, 1319.9210124075412), +INFO : (20, 1237.9579109489919)], +INFO : 'val_accuracy': [(1, 0.24984), +INFO : (2, 0.3863), +INFO : (3, 0.4503), +INFO : (4, 0.49192), +INFO : (5, 0.51986), +INFO : (6, 0.54098), +INFO : (7, 0.5581), +INFO : (8, 0.56742), +INFO : (9, 0.58372), +INFO : (10, 0.5892), +INFO : (11, 0.6017), +INFO : (12, 0.60354), +INFO : (13, 0.61032), +INFO : (14, 0.61886), +INFO : (15, 0.62062), +INFO : (16, 0.62024), +INFO : (17, 0.62792), +INFO : (18, 0.63622), +INFO : (19, 0.62804), +INFO : (20, 0.63734)], +INFO : 'val_loss': [(1, 20530.81222014427), +INFO : (2, 16653.753574329614), +INFO : (3, 15137.36754540857), +INFO : (4, 14065.638083297386), +INFO : (5, 13390.066128118733), +INFO : (6, 12939.734283161979), +INFO : (7, 12488.453003562707), +INFO : (8, 12195.852190978905), +INFO : (9, 11795.933716750385), +INFO : (10, 11619.88875290138), +INFO : (11, 11324.433931313035), +INFO : (12, 11233.301056104687), +INFO : (13, 11039.57451452869), +INFO : (14, 10873.00941449825), +INFO : (15, 10840.418727618377), +INFO : (16, 10921.441837349503), +INFO : (17, 10666.329098856022), +INFO : (18, 10470.288053132861), +INFO : (19, 10761.666898796837), +INFO : (20, 10505.551690545917)]} +INFO : +(ClientAppActor pid=821467) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=821459) Files already downloaded and verified +(ClientAppActor pid=821467) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=821469) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=821474) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=821474) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.1_NOISE.txt new file mode 100644 index 000000000000..6b028e3cd57a --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.1_NOISE.txt @@ -0,0 +1,461 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809409) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.125861 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.985622 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.007838 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.970589 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809413) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.797103 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.039730 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.020044 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.026176 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.093968 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.913265 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.954707 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.982722 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809412) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.996441 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.990432 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.857651 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.108726 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809413) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.920155 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.873106 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.102879 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.968395 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.043327 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.099020 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.826564 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.954769 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.893433 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.819021 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.087727 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.907499 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809411) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.811219 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.163177 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.838286 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.046346 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.042895 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.015315 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.149064 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.897018 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.046448 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.172542 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.926188 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.933646 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809411) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.064842 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.044260 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.832713 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.962258 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.883065 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.965345 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.972072 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.249040 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809414) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.876598 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.046302 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.928647 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.994974 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809411) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.981535 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.973622 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.996964 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.147794 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.136134 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.016784 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.793830 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.072844 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809417) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.106288 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.908922 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.033873 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.845569 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809411) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.973838 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.047007 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.056103 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.955591 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 1.104933 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.971797 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.950720 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.069386 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809417) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.971164 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.039482 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.012877 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.006134 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=809411) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! noise_factor: 0.795996 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.055813 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.095176 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.011558 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 466.60s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.285128), +INFO : (2, 0.393148), +INFO : (3, 0.451456), +INFO : (4, 0.486384), +INFO : (5, 0.507284), +INFO : (6, 0.53032), +INFO : (7, 0.559964), +INFO : (8, 0.56806), +INFO : (9, 0.585856), +INFO : (10, 0.604416), +INFO : (11, 0.628352), +INFO : (12, 0.631916), +INFO : (13, 0.65156), +INFO : (14, 0.66504), +INFO : (15, 0.679144), +INFO : (16, 0.685356), +INFO : (17, 0.695592), +INFO : (18, 0.705364), +INFO : (19, 0.717704), +INFO : (20, 0.7264)], +INFO : 'train_loss': [(1, 3053.1149017095568), +INFO : (2, 2593.3191871404647), +INFO : (3, 2357.9245493769645), +INFO : (4, 2225.9899503111837), +INFO : (5, 2131.686673760414), +INFO : (6, 2033.024375808239), +INFO : (7, 1927.391774046421), +INFO : (8, 1883.586673414707), +INFO : (9, 1813.597770345211), +INFO : (10, 1736.6684252142907), +INFO : (11, 1643.3260790228844), +INFO : (12, 1623.0325149476528), +INFO : (13, 1544.7016362130641), +INFO : (14, 1486.3440485477447), +INFO : (15, 1427.4803357958795), +INFO : (16, 1394.9419548511505), +INFO : (17, 1352.7077309191227), +INFO : (18, 1319.9189939022065), +INFO : (19, 1263.3906675994397), +INFO : (20, 1217.0566455900669)], +INFO : 'val_accuracy': [(1, 0.29536), +INFO : (2, 0.39604), +INFO : (3, 0.4535), +INFO : (4, 0.48172), +INFO : (5, 0.49992), +INFO : (6, 0.51764), +INFO : (7, 0.54246), +INFO : (8, 0.54904), +INFO : (9, 0.56436), +INFO : (10, 0.57918), +INFO : (11, 0.5962), +INFO : (12, 0.5989), +INFO : (13, 0.61084), +INFO : (14, 0.62122), +INFO : (15, 0.63056), +INFO : (16, 0.6325), +INFO : (17, 0.63636), +INFO : (18, 0.64104), +INFO : (19, 0.64118), +INFO : (20, 0.64724)], +INFO : 'val_loss': [(1, 19445.423350962996), +INFO : (2, 16508.628315876424), +INFO : (3, 15068.40530381985), +INFO : (4, 14317.592733202595), +INFO : (5, 13811.73156426321), +INFO : (6, 13271.012825548381), +INFO : (7, 12704.062354811771), +INFO : (8, 12518.785515468171), +INFO : (9, 12152.067261727723), +INFO : (10, 11816.322234445963), +INFO : (11, 11362.7813332005), +INFO : (12, 11367.601314742473), +INFO : (13, 11029.598057540423), +INFO : (14, 10793.119115554426), +INFO : (15, 10589.039884462376), +INFO : (16, 10595.513500882842), +INFO : (17, 10488.121881382105), +INFO : (18, 10482.146177602612), +INFO : (19, 10409.205341479026), +INFO : (20, 10324.088724353507)]} +INFO : +(ClientAppActor pid=809412) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=809409) Files already downloaded and verified +(ClientAppActor pid=809414) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=809418) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=809422) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=809422) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.5_NOISE.txt new file mode 100644 index 000000000000..a608a1348171 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.5_NOISE.txt @@ -0,0 +1,455 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.5 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 5) +(ClientAppActor pid=796312) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.231894 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796316) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.186964 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.507096 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.274849 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.068435 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796322) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.042751 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.247110 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.508098 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.116566 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796311) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: -0.368754 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.508734 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.286248 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.858751 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796316) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.610104 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.264255 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.697838 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.887609 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796318) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.728872 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.202820 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.106127 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.561665 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796322) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.215715 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.755446 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.953868 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.004570 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796316) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.354078 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.576082 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.258592 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.908621 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796318) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.715719 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.870602 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.658163 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.390502 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796322) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.961393 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.093508 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.758576 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.672523 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796316) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.328006 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.466308 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.738837 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.068545 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796318) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.905336 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.392723 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.142514 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.223321 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796322) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.668193 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.117194 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.680667 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.190601 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796316) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.968043 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.910346 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.091640 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.591855 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796318) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.302774 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.070872 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.931064 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.037904 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796315) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.813596 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.774014 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.206214 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.433123 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796316) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.300884 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.272392 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.601479 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.031019 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796321) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 1.678373 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.240726 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.385715 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.280372 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796322) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.535202 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.408282 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.280020 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.827366 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=796315) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! noise_factor: 0.852848 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.907154 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.986616 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.543243 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 457.59s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.27551), +INFO : (2, 0.394088), +INFO : (3, 0.451608), +INFO : (4, 0.49382), +INFO : (5, 0.512468), +INFO : (6, 0.54852), +INFO : (7, 0.5678), +INFO : (8, 0.589844), +INFO : (9, 0.570768), +INFO : (10, 0.56234), +INFO : (11, 0.560828), +INFO : (12, 0.577596), +INFO : (13, 0.605432), +INFO : (14, 0.586816), +INFO : (15, 0.634232), +INFO : (16, 0.648928), +INFO : (17, 0.657312), +INFO : (18, 0.65834), +INFO : (19, 0.668156), +INFO : (20, 0.679376)], +INFO : 'train_loss': [(1, 3125.1413610577583), +INFO : (2, 2596.3847262859344), +INFO : (3, 2340.768802475929), +INFO : (4, 2185.0636481165884), +INFO : (5, 2110.7503454089165), +INFO : (6, 1973.5376714587212), +INFO : (7, 1885.4389526605605), +INFO : (8, 1802.9576892971993), +INFO : (9, 1893.856366121769), +INFO : (10, 1929.4470876932144), +INFO : (11, 1937.4381653547287), +INFO : (12, 1868.6779936909675), +INFO : (13, 1744.4755633354187), +INFO : (14, 1823.0085537433624), +INFO : (15, 1622.8586022436618), +INFO : (16, 1558.2035720825195), +INFO : (17, 1522.6278428018093), +INFO : (18, 1522.1478679001332), +INFO : (19, 1477.799831211567), +INFO : (20, 1429.4821064949035)], +INFO : 'val_accuracy': [(1, 0.2775), +INFO : (2, 0.39724), +INFO : (3, 0.45216), +INFO : (4, 0.48994), +INFO : (5, 0.5074), +INFO : (6, 0.53728), +INFO : (7, 0.55042), +INFO : (8, 0.56628), +INFO : (9, 0.55564), +INFO : (10, 0.5502), +INFO : (11, 0.54726), +INFO : (12, 0.56104), +INFO : (13, 0.58076), +INFO : (14, 0.5664), +INFO : (15, 0.60206), +INFO : (16, 0.60638), +INFO : (17, 0.6174), +INFO : (18, 0.61894), +INFO : (19, 0.62146), +INFO : (20, 0.62504)], +INFO : 'val_loss': [(1, 19988.49272504449), +INFO : (2, 16552.070876824855), +INFO : (3, 14962.601215646046), +INFO : (4, 14064.052953981049), +INFO : (5, 13639.58897741735), +INFO : (6, 12929.886321605418), +INFO : (7, 12554.90519055687), +INFO : (8, 12157.222848244617), +INFO : (9, 12497.401850066195), +INFO : (10, 12666.714693104755), +INFO : (11, 12698.725769534938), +INFO : (12, 12392.958905354073), +INFO : (13, 11812.346053157584), +INFO : (14, 12200.228472801717), +INFO : (15, 11314.802099726414), +INFO : (16, 11306.599615074529), +INFO : (17, 10995.974042003678), +INFO : (18, 10896.718667079856), +INFO : (19, 10793.052110294217), +INFO : (20, 10739.112550026974)]} +INFO : +(ClientAppActor pid=796325) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=796311) Files already downloaded and verified +(ClientAppActor pid=796316) Files already downloaded and verified [repeated 4x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=796321) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=796324) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=796325) Files already downloaded and verified [repeated 7x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0_NOISE.txt new file mode 100644 index 000000000000..eccafb6f1444 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0_NOISE.txt @@ -0,0 +1,380 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762537) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762544) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762547) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762537) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762544) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762547) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762537) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762544) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762547) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762538) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762544) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762552) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762538) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762537) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762544) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762538) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762537) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762544) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762552) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=762537) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 505.64s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.273188), +INFO : (2, 0.387576), +INFO : (3, 0.445564), +INFO : (4, 0.481384), +INFO : (5, 0.505524), +INFO : (6, 0.529352), +INFO : (7, 0.552696), +INFO : (8, 0.570624), +INFO : (9, 0.592612), +INFO : (10, 0.612524), +INFO : (11, 0.627536), +INFO : (12, 0.642896), +INFO : (13, 0.6544), +INFO : (14, 0.662432), +INFO : (15, 0.67552), +INFO : (16, 0.687468), +INFO : (17, 0.697576), +INFO : (18, 0.705512), +INFO : (19, 0.718688), +INFO : (20, 0.72572)], +INFO : 'train_loss': [(1, 3150.422381567955), +INFO : (2, 2601.522757768631), +INFO : (3, 2376.8715913295746), +INFO : (4, 2240.254567205906), +INFO : (5, 2141.38574732542), +INFO : (6, 2044.9287014603615), +INFO : (7, 1952.9487473607064), +INFO : (8, 1882.4057953476906), +INFO : (9, 1791.6599595785142), +INFO : (10, 1713.9480414032937), +INFO : (11, 1648.0845539689064), +INFO : (12, 1588.9620579361915), +INFO : (13, 1540.9741933822631), +INFO : (14, 1506.8887719392776), +INFO : (15, 1448.7398099839688), +INFO : (16, 1394.9005712985993), +INFO : (17, 1351.6843610882759), +INFO : (18, 1314.532505249977), +INFO : (19, 1259.3790040075778), +INFO : (20, 1229.595873683691)], +INFO : 'val_accuracy': [(1, 0.27442), +INFO : (2, 0.38816), +INFO : (3, 0.4463), +INFO : (4, 0.47688), +INFO : (5, 0.4958), +INFO : (6, 0.5171), +INFO : (7, 0.5362), +INFO : (8, 0.54942), +INFO : (9, 0.56988), +INFO : (10, 0.58572), +INFO : (11, 0.59658), +INFO : (12, 0.60736), +INFO : (13, 0.61288), +INFO : (14, 0.61906), +INFO : (15, 0.62442), +INFO : (16, 0.63054), +INFO : (17, 0.63498), +INFO : (18, 0.63766), +INFO : (19, 0.64432), +INFO : (20, 0.6455)], +INFO : 'val_loss': [(1, 20129.270434826616), +INFO : (2, 16572.79582967907), +INFO : (3, 15231.02856179811), +INFO : (4, 14421.036007036457), +INFO : (5, 13891.295643576048), +INFO : (6, 13360.838185899704), +INFO : (7, 12890.531819021748), +INFO : (8, 12537.002852842828), +INFO : (9, 12048.464728134415), +INFO : (10, 11670.646668689249), +INFO : (11, 11385.391638257877), +INFO : (12, 11166.141665154586), +INFO : (13, 11005.994953713776), +INFO : (14, 10977.011080093296), +INFO : (15, 10711.312930526838), +INFO : (16, 10559.025210471727), +INFO : (17, 10459.174435493345), +INFO : (18, 10401.39100241884), +INFO : (19, 10268.217368459822), +INFO : (20, 10236.929016217438)]} +INFO : +(ClientAppActor pid=762550) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=762539) Files already downloaded and verified +(ClientAppActor pid=762545) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=762547) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=762552) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=762552) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_1.0_NOISE.txt new file mode 100644 index 000000000000..de52af78543f --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_1.0_NOISE.txt @@ -0,0 +1,461 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 1.0 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779688) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 2.267953 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.669030 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.053429 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.780595 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779695) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.046972 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.047777 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.295232 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.534957 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779701) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.692221 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.374046 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.536900 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.488913 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779688) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: -0.485740 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.177126 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.001598 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.604177 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779691) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.304632 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.290731 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.284744 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.111434 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779700) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: -0.275927 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.534659 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.642944 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.267471 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779688) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.816535 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.173254 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.386982 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.943300 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779695) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.723544 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.434217 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.962932 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.454335 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779691) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.525744 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.776017 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.405189 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.346025 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779688) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.681156 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.962030 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.920988 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.031473 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779694) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.003229 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.858460 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.097444 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.555657 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779695) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: -0.475244 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.296575 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.362456 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.714028 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779691) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.564353 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.721901 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.239703 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.218691 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779690) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.130872 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.879386 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.283137 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.039991 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779695) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.567433 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.704961 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.101222 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.673107 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779691) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.334945 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.620536 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.343340 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.436319 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779690) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.283591 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.220512 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.761996 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.177519 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779695) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 1.712555 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.721664 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.042989 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.740445 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779688) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: -0.916348 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 2.884533 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.315139 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.103804 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=779691) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! noise_factor: 0.193290 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: -0.083979 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 0.808137 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : Hokeun! noise_factor: 1.567323 +INFO : Hokeun! aggregate_inplace: len(ndarrays): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 504.64s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.170028), +INFO : (2, 0.323528), +INFO : (3, 0.344188), +INFO : (4, 0.415372), +INFO : (5, 0.401672), +INFO : (6, 0.4171), +INFO : (7, 0.44066), +INFO : (8, 0.456476), +INFO : (9, 0.50114), +INFO : (10, 0.511208), +INFO : (11, 0.51794), +INFO : (12, 0.55112), +INFO : (13, 0.563456), +INFO : (14, 0.588812), +INFO : (15, 0.610404), +INFO : (16, 0.590912), +INFO : (17, 0.604668), +INFO : (18, 0.51978), +INFO : (19, 0.581032), +INFO : (20, 0.596136)], +INFO : 'train_loss': [(1, 3561.9926447868347), +INFO : (2, 2902.8032242298127), +INFO : (3, 2758.89953918457), +INFO : (4, 2479.830017232895), +INFO : (5, 2535.160883665085), +INFO : (6, 2461.9966354846956), +INFO : (7, 2362.512700021267), +INFO : (8, 2292.8989355921744), +INFO : (9, 2124.8455824732782), +INFO : (10, 2078.138373541832), +INFO : (11, 2065.9007807254793), +INFO : (12, 1937.2385861754417), +INFO : (13, 1895.3709129571914), +INFO : (14, 1791.7543707489967), +INFO : (15, 1698.7194423794747), +INFO : (16, 1785.94948335886), +INFO : (17, 1734.5003436923027), +INFO : (18, 2077.1798892974853), +INFO : (19, 1828.1205429434776), +INFO : (20, 1768.5898973941803)], +INFO : 'val_accuracy': [(1, 0.16804), +INFO : (2, 0.32288), +INFO : (3, 0.34564), +INFO : (4, 0.41294), +INFO : (5, 0.40212), +INFO : (6, 0.41582), +INFO : (7, 0.4396), +INFO : (8, 0.4552), +INFO : (9, 0.49474), +INFO : (10, 0.5062), +INFO : (11, 0.51322), +INFO : (12, 0.54204), +INFO : (13, 0.54978), +INFO : (14, 0.56918), +INFO : (15, 0.5854), +INFO : (16, 0.57766), +INFO : (17, 0.58664), +INFO : (18, 0.51472), +INFO : (19, 0.56608), +INFO : (20, 0.58164)], +INFO : 'val_loss': [(1, 22788.99209918976), +INFO : (2, 18519.715564228594), +INFO : (3, 17636.945003840327), +INFO : (4, 15913.454964519291), +INFO : (5, 16245.3290852502), +INFO : (6, 15824.81589576751), +INFO : (7, 15171.841923552749), +INFO : (8, 14748.456387888455), +INFO : (9, 13730.719361425332), +INFO : (10, 13435.010309593123), +INFO : (11, 13351.290724345623), +INFO : (12, 12628.671212493835), +INFO : (13, 12476.197542041768), +INFO : (14, 12098.451270629177), +INFO : (15, 11682.510869219863), +INFO : (16, 11891.917357625991), +INFO : (17, 11653.54919443943), +INFO : (18, 13423.543366715685), +INFO : (19, 12109.586547942541), +INFO : (20, 11754.87600298362)]} +INFO : +(ClientAppActor pid=779697) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=779690) Files already downloaded and verified +(ClientAppActor pid=779695) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=779700) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=779703) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=779703) Files already downloaded and verified From b9f9215655d267a85ca35b0852f673c66ef9d507 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 09:38:59 -0700 Subject: [PATCH 14/34] Try to measure the depth of the ndarray - params[0][0][0][0][0] is a numpy.float32 --- src/py/flwr/server/strategy/aggregate.py | 57 +++++++++++++++++++++++- 1 file changed, 56 insertions(+), 1 deletion(-) diff --git a/src/py/flwr/server/strategy/aggregate.py b/src/py/flwr/server/strategy/aggregate.py index 64691d7a03df..81e91b584cf2 100644 --- a/src/py/flwr/server/strategy/aggregate.py +++ b/src/py/flwr/server/strategy/aggregate.py @@ -21,6 +21,7 @@ import numpy as np import random +import copy from flwr.common import FitRes, NDArray, NDArrays, parameters_to_ndarrays from flwr.common.logger import log @@ -64,6 +65,8 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: ] log(INFO, "Hokeun! aggregate_inplace: noise_enabled: %r", noise_enabled) log(INFO, "Hokeun! aggregate_inplace: gauss_noise_sigma: %r", gauss_noise_sigma) + + hokeun_params = copy.deepcopy(params) for i, (_, fit_res) in enumerate(results[1:]): noise_factor = 1.0 if noise_enabled: @@ -72,14 +75,66 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: ndarrays = parameters_to_ndarrays(fit_res.parameters) log(INFO, "Hokeun! aggregate_inplace: len(ndarrays): %i", len(ndarrays)) + log(INFO, "Hokeun! aggregate_inplace: len(params): %i", len(params)) + log(INFO, "Hokeun! aggregate_inplace: len(hokeun_params): %i", len(hokeun_params)) + + for j in range(len(ndarrays)): + # Element-wise add ndarrays[j] and params[j] + log(INFO, "Hokeun! aggregate_inplace: len(ndarrays[%i]): %i", j, len(ndarrays[j])) + log(INFO, "Hokeun! aggregate_inplace: len(params[%i]): %i", j, len(params[j])) + log(INFO, "Hokeun! aggregate_inplace: len(hokeun_params[%i]): %i", j, len(hokeun_params[j])) + for k in range(len(ndarrays[j])): + # log(INFO, "Hokeun! aggregate_inplace: len(ndarrays[%i][%i]): %i", j, k, len(ndarrays[j][k])) + hokeun_params[j][k] += scaling_factors[i + 1] * ndarrays[j][k] #* noise_factor + + res = ( - scaling_factors[i + 1] * x * noise_factor + scaling_factors[i + 1] * x # * noise_factor # Giving 10% error. # scaling_factors[i + 1] * x * 1.1 for x in ndarrays ) params = [reduce(np.add, layer_updates) for layer_updates in zip(params, res)] + + log(INFO, "Hokeun! type(hokeun_params): %r", type(hokeun_params)) + log(INFO, "Hokeun! type(params): %r", type(params)) + + log(INFO, "Hokeun! type(hokeun_params[0]): %r", type(hokeun_params[0])) + log(INFO, "Hokeun! type(params[0]): %r", type(params[0])) + + log(INFO, "Hokeun! type(hokeun_params[0][0]): %r", type(hokeun_params[0][0])) + log(INFO, "Hokeun! type(params[0][0]): %r", type(params[0][0])) + + log(INFO, "Hokeun! type(hokeun_params[0][0]): %r", str(hokeun_params[0][0])) + log(INFO, "Hokeun! type(params[0][0]): %r", str(params[0][0])) + + log(INFO, "Hokeun! type(hokeun_params[0][0][0]): %r", type(hokeun_params[0][0][0])) + log(INFO, "Hokeun! type(params[0][0][0]): %r", type(params[0][0][0])) + + log(INFO, "Hokeun! type(hokeun_params[0][0][0]): %r", str(hokeun_params[0][0][0])) + log(INFO, "Hokeun! type(params[0][0][0]): %r", str(params[0][0][0])) + + log(INFO, "Hokeun! type(hokeun_params[0][0][0][0]): %r", type(hokeun_params[0][0][0][0])) + log(INFO, "Hokeun! type(params[0][0][0][0]): %r", type(params[0][0][0][0])) + + # This type(params[0][0][0][0]) is: numpy.ndarray + log(INFO, "Hokeun! type(hokeun_params[0][0][0][0]): %r", str(hokeun_params[0][0][0][0])) + log(INFO, "Hokeun! type(params[0][0][0][0]): %r", str(params[0][0][0][0])) + + # This type(params[0][0][0][0][0]) is: numpy.float32 + log(INFO, "Hokeun! type(hokeun_params[0][0][0][0][0]): %r", type(hokeun_params[0][0][0][0][0])) + log(INFO, "Hokeun! type(params[0][0][0][0][0]): %r", type(params[0][0][0][0][0])) + + log(INFO, "Hokeun! type(hokeun_params[0][0][0][0][0]): %r", str(hokeun_params[0][0][0][0][0])) + log(INFO, "Hokeun! type(params[0][0][0][0][0]): %r", str(params[0][0][0][0][0])) + + log(INFO, "Hokeun! are hokeun_params and params the same in string?: %r", str(hokeun_params) == str(params)) + log(INFO, "Hokeun! are hokeun_params and params the same numerically?: %r", hokeun_params == params) + + log(INFO, "Hokeun! are hokeun_params: %r", hokeun_params) + log(INFO, "Hokeun! are params: %r", params) + return params From 200f652a4cc14c7e7f9db159defecf132ac2bc34 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 11:48:00 -0700 Subject: [PATCH 15/34] Add deep multiplication function for multi-dimensional ndarrays with float32 numbers --- src/py/flwr/server/strategy/aggregate.py | 99 +++++++++++++++--------- 1 file changed, 63 insertions(+), 36 deletions(-) diff --git a/src/py/flwr/server/strategy/aggregate.py b/src/py/flwr/server/strategy/aggregate.py index 81e91b584cf2..811943202134 100644 --- a/src/py/flwr/server/strategy/aggregate.py +++ b/src/py/flwr/server/strategy/aggregate.py @@ -16,12 +16,13 @@ # mypy: disallow_untyped_calls=False from functools import reduce -from logging import INFO +from logging import INFO, ERROR from typing import Any, Callable, List, Tuple import numpy as np import random import copy +import sys from flwr.common import FitRes, NDArray, NDArrays, parameters_to_ndarrays from flwr.common.logger import log @@ -46,10 +47,33 @@ def aggregate(results: List[Tuple[NDArrays, int]]) -> NDArrays: ] return weights_prime +mult_count = 0 + +# Hokeun's new function +def hokeun_perform_recursive_deep_multiplication(scaling_factor: float, params: np.ndarray, arrays: np.ndarray, noise_enabled: bool, gauss_noise_sigma: float): + if len(params) == 0: + log(ERROR, "Hokeun! hokeun_perform_recursive_deep_multiplication: len(params) is 0") + sys.exit(1) + if len(params) != len(arrays): + log(ERROR, "Hokeun! hokeun_perform_recursive_deep_multiplication: len(params) != len(array)") + sys.exit(1) + + if isinstance(params[0], np.ndarray): + for i in range(len(params)): + hokeun_perform_recursive_deep_multiplication(scaling_factor, params[i], arrays[i], noise_enabled, gauss_noise_sigma) + if isinstance(params[0], np.float32): + for i in range(len(params)): + noise_factor = 1.0 + if noise_enabled: + noise_factor += random.gauss(0, gauss_noise_sigma) + params[i] = params[i] + scaling_factor * arrays[i] * noise_factor + global mult_count + mult_count += 1 + def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: bool = False, gauss_noise_sigma: float = 0.0) -> NDArrays: """Compute in-place weighted average.""" - log(INFO, 'Hokeun! aggregate_inplace: beginning') + log(INFO, "Hokeun! aggregate_inplace: beginning") # Count total examples num_examples_total = sum(fit_res.num_examples for (_, fit_res) in results) @@ -78,14 +102,17 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: log(INFO, "Hokeun! aggregate_inplace: len(params): %i", len(params)) log(INFO, "Hokeun! aggregate_inplace: len(hokeun_params): %i", len(hokeun_params)) - for j in range(len(ndarrays)): - # Element-wise add ndarrays[j] and params[j] - log(INFO, "Hokeun! aggregate_inplace: len(ndarrays[%i]): %i", j, len(ndarrays[j])) - log(INFO, "Hokeun! aggregate_inplace: len(params[%i]): %i", j, len(params[j])) - log(INFO, "Hokeun! aggregate_inplace: len(hokeun_params[%i]): %i", j, len(hokeun_params[j])) - for k in range(len(ndarrays[j])): - # log(INFO, "Hokeun! aggregate_inplace: len(ndarrays[%i][%i]): %i", j, k, len(ndarrays[j][k])) - hokeun_params[j][k] += scaling_factors[i + 1] * ndarrays[j][k] #* noise_factor + hokeun_perform_recursive_deep_multiplication(scaling_factors[i + 1], hokeun_params, ndarrays, noise_enabled, gauss_noise_sigma) + + log(INFO, "Hokeun! aggregate_inplace: mult_count: %i", mult_count) + # for j in range(len(ndarrays)): + # # Element-wise add ndarrays[j] and params[j] + # log(INFO, "Hokeun! aggregate_inplace: len(ndarrays[%i]): %i", j, len(ndarrays[j])) + # log(INFO, "Hokeun! aggregate_inplace: len(params[%i]): %i", j, len(params[j])) + # log(INFO, "Hokeun! aggregate_inplace: len(hokeun_params[%i]): %i", j, len(hokeun_params[j])) + # for k in range(len(ndarrays[j])): + # # log(INFO, "Hokeun! aggregate_inplace: len(ndarrays[%i][%i]): %i", j, k, len(ndarrays[j][k])) + # hokeun_params[j][k] += scaling_factors[i + 1] * ndarrays[j][k] #* noise_factor res = ( @@ -97,43 +124,43 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: params = [reduce(np.add, layer_updates) for layer_updates in zip(params, res)] - log(INFO, "Hokeun! type(hokeun_params): %r", type(hokeun_params)) - log(INFO, "Hokeun! type(params): %r", type(params)) + # log(INFO, "Hokeun! type(hokeun_params): %r", type(hokeun_params)) + # log(INFO, "Hokeun! type(params): %r", type(params)) - log(INFO, "Hokeun! type(hokeun_params[0]): %r", type(hokeun_params[0])) - log(INFO, "Hokeun! type(params[0]): %r", type(params[0])) + # log(INFO, "Hokeun! type(hokeun_params[0]): %r", type(hokeun_params[0])) + # log(INFO, "Hokeun! type(params[0]): %r", type(params[0])) - log(INFO, "Hokeun! type(hokeun_params[0][0]): %r", type(hokeun_params[0][0])) - log(INFO, "Hokeun! type(params[0][0]): %r", type(params[0][0])) + # log(INFO, "Hokeun! type(hokeun_params[0][0]): %r", type(hokeun_params[0][0])) + # log(INFO, "Hokeun! type(params[0][0]): %r", type(params[0][0])) - log(INFO, "Hokeun! type(hokeun_params[0][0]): %r", str(hokeun_params[0][0])) - log(INFO, "Hokeun! type(params[0][0]): %r", str(params[0][0])) + # log(INFO, "Hokeun! type(hokeun_params[0][0]): %r", str(hokeun_params[0][0])) + # log(INFO, "Hokeun! type(params[0][0]): %r", str(params[0][0])) - log(INFO, "Hokeun! type(hokeun_params[0][0][0]): %r", type(hokeun_params[0][0][0])) - log(INFO, "Hokeun! type(params[0][0][0]): %r", type(params[0][0][0])) + # log(INFO, "Hokeun! type(hokeun_params[0][0][0]): %r", type(hokeun_params[0][0][0])) + # log(INFO, "Hokeun! type(params[0][0][0]): %r", type(params[0][0][0])) - log(INFO, "Hokeun! type(hokeun_params[0][0][0]): %r", str(hokeun_params[0][0][0])) - log(INFO, "Hokeun! type(params[0][0][0]): %r", str(params[0][0][0])) + # log(INFO, "Hokeun! type(hokeun_params[0][0][0]): %r", str(hokeun_params[0][0][0])) + # log(INFO, "Hokeun! type(params[0][0][0]): %r", str(params[0][0][0])) - log(INFO, "Hokeun! type(hokeun_params[0][0][0][0]): %r", type(hokeun_params[0][0][0][0])) - log(INFO, "Hokeun! type(params[0][0][0][0]): %r", type(params[0][0][0][0])) + # log(INFO, "Hokeun! type(hokeun_params[0][0][0][0]): %r", type(hokeun_params[0][0][0][0])) + # log(INFO, "Hokeun! type(params[0][0][0][0]): %r", type(params[0][0][0][0])) - # This type(params[0][0][0][0]) is: numpy.ndarray - log(INFO, "Hokeun! type(hokeun_params[0][0][0][0]): %r", str(hokeun_params[0][0][0][0])) - log(INFO, "Hokeun! type(params[0][0][0][0]): %r", str(params[0][0][0][0])) + # # This type(params[0][0][0][0]) is: numpy.ndarray + # log(INFO, "Hokeun! type(hokeun_params[0][0][0][0]): %r", str(hokeun_params[0][0][0][0])) + # log(INFO, "Hokeun! type(params[0][0][0][0]): %r", str(params[0][0][0][0])) - # This type(params[0][0][0][0][0]) is: numpy.float32 - log(INFO, "Hokeun! type(hokeun_params[0][0][0][0][0]): %r", type(hokeun_params[0][0][0][0][0])) - log(INFO, "Hokeun! type(params[0][0][0][0][0]): %r", type(params[0][0][0][0][0])) + # # This type(params[0][0][0][0][0]) is: numpy.float32 + # log(INFO, "Hokeun! type(hokeun_params[0][0][0][0][0]): %r", type(hokeun_params[0][0][0][0][0])) + # log(INFO, "Hokeun! type(params[0][0][0][0][0]): %r", type(params[0][0][0][0][0])) - log(INFO, "Hokeun! type(hokeun_params[0][0][0][0][0]): %r", str(hokeun_params[0][0][0][0][0])) - log(INFO, "Hokeun! type(params[0][0][0][0][0]): %r", str(params[0][0][0][0][0])) + # log(INFO, "Hokeun! type(hokeun_params[0][0][0][0][0]): %r", str(hokeun_params[0][0][0][0][0])) + # log(INFO, "Hokeun! type(params[0][0][0][0][0]): %r", str(params[0][0][0][0][0])) log(INFO, "Hokeun! are hokeun_params and params the same in string?: %r", str(hokeun_params) == str(params)) - log(INFO, "Hokeun! are hokeun_params and params the same numerically?: %r", hokeun_params == params) - - log(INFO, "Hokeun! are hokeun_params: %r", hokeun_params) - log(INFO, "Hokeun! are params: %r", params) + # log(INFO, "Hokeun! are hokeun_params and params the same numerically?: %r", hokeun_params == params) + + log(INFO, "Hokeun! aggregate_inplace: hokeun_params: %r", hokeun_params) + log(INFO, "Hokeun! aggregate_inplace: params: %r", params) return params From 9abd7e83f75348c5fabcba08324253323c4f8ca0 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 13:20:19 -0700 Subject: [PATCH 16/34] Add a function for counting the number of float32 numbers in multi-dimensional array recursively, namely, hokeun_deep_count_float32 --- src/py/flwr/server/strategy/aggregate.py | 30 +++++++++++++++++++++--- 1 file changed, 27 insertions(+), 3 deletions(-) diff --git a/src/py/flwr/server/strategy/aggregate.py b/src/py/flwr/server/strategy/aggregate.py index 811943202134..992c9ec2018e 100644 --- a/src/py/flwr/server/strategy/aggregate.py +++ b/src/py/flwr/server/strategy/aggregate.py @@ -47,9 +47,26 @@ def aggregate(results: List[Tuple[NDArrays, int]]) -> NDArrays: ] return weights_prime -mult_count = 0 +# Count the number of float32 numbers in multi-dimensional array recursively. +def hokeun_deep_count_float32(arrays: np.ndarray): + if len(arrays) == 0: + log(ERROR, "Hokeun! hokeun_deep_count_float32: len(arrays) is 0") + sys.exit(1) + if isinstance(arrays[0], np.ndarray): + sum = 0 + for i in range(len(arrays)): + sum += hokeun_deep_count_float32(arrays[i]) + return sum + elif isinstance(arrays[0], np.float32): + return len(arrays) + else: + log(ERROR, "Hokeun! hokeun_deep_count_float32: wrong type array element! %r", type(arrays[0])) + sys.exit(1) + + -# Hokeun's new function +mult_count = 0 +# Perform deep element-wise multiplication of float32 numbers in multi-dimensional array recursively. def hokeun_perform_recursive_deep_multiplication(scaling_factor: float, params: np.ndarray, arrays: np.ndarray, noise_enabled: bool, gauss_noise_sigma: float): if len(params) == 0: log(ERROR, "Hokeun! hokeun_perform_recursive_deep_multiplication: len(params) is 0") @@ -61,7 +78,7 @@ def hokeun_perform_recursive_deep_multiplication(scaling_factor: float, params: if isinstance(params[0], np.ndarray): for i in range(len(params)): hokeun_perform_recursive_deep_multiplication(scaling_factor, params[i], arrays[i], noise_enabled, gauss_noise_sigma) - if isinstance(params[0], np.float32): + elif isinstance(params[0], np.float32): for i in range(len(params)): noise_factor = 1.0 if noise_enabled: @@ -69,6 +86,10 @@ def hokeun_perform_recursive_deep_multiplication(scaling_factor: float, params: params[i] = params[i] + scaling_factor * arrays[i] * noise_factor global mult_count mult_count += 1 + else: + log(ERROR, "Hokeun! hokeun_perform_recursive_deep_multiplication: wrong type array element! %r", type(params[0])) + sys.exit(1) + def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: bool = False, gauss_noise_sigma: float = 0.0) -> NDArrays: @@ -159,6 +180,9 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: log(INFO, "Hokeun! are hokeun_params and params the same in string?: %r", str(hokeun_params) == str(params)) # log(INFO, "Hokeun! are hokeun_params and params the same numerically?: %r", hokeun_params == params) + log(INFO, "Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): %i", hokeun_deep_count_float32(hokeun_params)) + log(INFO, "Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): %i", hokeun_deep_count_float32(params)) + log(INFO, "Hokeun! aggregate_inplace: hokeun_params: %r", hokeun_params) log(INFO, "Hokeun! aggregate_inplace: params: %r", params) From bf350ed92b0d754c0a2c5fc0821bff3c25694f65 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 14:47:55 -0700 Subject: [PATCH 17/34] Add a function for deep compare on float32 multi-dimensional arrays --- src/py/flwr/server/strategy/aggregate.py | 52 +++++++++++++++++++++++- 1 file changed, 50 insertions(+), 2 deletions(-) diff --git a/src/py/flwr/server/strategy/aggregate.py b/src/py/flwr/server/strategy/aggregate.py index 992c9ec2018e..c980302e72c5 100644 --- a/src/py/flwr/server/strategy/aggregate.py +++ b/src/py/flwr/server/strategy/aggregate.py @@ -23,6 +23,7 @@ import random import copy import sys +import math from flwr.common import FitRes, NDArray, NDArrays, parameters_to_ndarrays from flwr.common.logger import log @@ -64,6 +65,47 @@ def hokeun_deep_count_float32(arrays: np.ndarray): sys.exit(1) +def hokeun_deep_diff_float32(array1: np.ndarray, array2: np.ndarray, indices: List[int]): + if len(array1) == 0: + log(ERROR, "Hokeun! hokeun_deep_diff_float32: len(array1) is 0") + sys.exit(1) + if len(array2) == 0: + log(ERROR, "Hokeun! hokeun_deep_diff_float32: len(array2) is 0") + sys.exit(1) + if len(array1) != len(array2): + log(ERROR, "Hokeun! hokeun_deep_diff_float32: len(array1) != len(array2)") + sys.exit(1) + if type(array1) != type(array2): + log(ERROR, "Hokeun! hokeun_deep_diff_float32: type(array1) != type(array2)") + sys.exit(1) + + if isinstance(array1[0], np.ndarray): + diff_count = 0 + for i in range(len(array1)): + copy_of_indices = indices.copy() + copy_of_indices.append(i) + diff_count += hokeun_deep_diff_float32(array1[i], array2[i], copy_of_indices) + return diff_count + elif isinstance(array1[0], np.float32): + diff_count = 0 + for i in range(len(array1)): + # if array1[i] != array2[i]: + # Proper comparison of floating point numbers + # Default rel_tol=1e-09 + if not math.isclose(array1[i], array2[i], rel_tol=1e-06): + diff_count += 1 + copy_of_indices = indices.copy() + copy_of_indices.append(i) + # Using .astype(str) to print with full precision. + log(INFO, "Hokeun! hokeun_deep_diff_float32: Found diff at %r, val1: %s, val2: %s, difference: %s", + copy_of_indices, array1[i].astype(str), array2[i].astype(str), (array1[i] - array2[i]).astype(str)) + return diff_count + + else: + log(ERROR, "Hokeun! hokeun_deep_count_float32: wrong type array element! %r", type(array1[0])) + sys.exit(1) + + mult_count = 0 # Perform deep element-wise multiplication of float32 numbers in multi-dimensional array recursively. @@ -183,8 +225,14 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: log(INFO, "Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): %i", hokeun_deep_count_float32(hokeun_params)) log(INFO, "Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): %i", hokeun_deep_count_float32(params)) - log(INFO, "Hokeun! aggregate_inplace: hokeun_params: %r", hokeun_params) - log(INFO, "Hokeun! aggregate_inplace: params: %r", params) + # The following lines print out raw data. + # log(INFO, "Hokeun! aggregate_inplace: hokeun_params: %r", hokeun_params) + # log(INFO, "Hokeun! aggregate_inplace: params: %r", params) + + log(INFO, "Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): %i", hokeun_deep_count_float32(hokeun_params)) + log(INFO, "Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): %i", hokeun_deep_count_float32(params)) + log(INFO, "Hokeun! aggregate_inplace: Final results: calling hokeun_deep_diff_float32() ...") + log(INFO, "Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): %i", hokeun_deep_diff_float32(hokeun_params, params, [])) return params From c1d05bd610ddaeecb31192f5bfe549f43c192756 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 15:45:22 -0700 Subject: [PATCH 18/34] Make the printing of diffs optional --- src/py/flwr/server/strategy/aggregate.py | 17 +++++++++++------ 1 file changed, 11 insertions(+), 6 deletions(-) diff --git a/src/py/flwr/server/strategy/aggregate.py b/src/py/flwr/server/strategy/aggregate.py index c980302e72c5..c947c2349871 100644 --- a/src/py/flwr/server/strategy/aggregate.py +++ b/src/py/flwr/server/strategy/aggregate.py @@ -65,7 +65,7 @@ def hokeun_deep_count_float32(arrays: np.ndarray): sys.exit(1) -def hokeun_deep_diff_float32(array1: np.ndarray, array2: np.ndarray, indices: List[int]): +def hokeun_deep_diff_float32(array1: np.ndarray, array2: np.ndarray, indices: List[int], print_diff: bool): if len(array1) == 0: log(ERROR, "Hokeun! hokeun_deep_diff_float32: len(array1) is 0") sys.exit(1) @@ -84,7 +84,7 @@ def hokeun_deep_diff_float32(array1: np.ndarray, array2: np.ndarray, indices: Li for i in range(len(array1)): copy_of_indices = indices.copy() copy_of_indices.append(i) - diff_count += hokeun_deep_diff_float32(array1[i], array2[i], copy_of_indices) + diff_count += hokeun_deep_diff_float32(array1[i], array2[i], copy_of_indices, print_diff) return diff_count elif isinstance(array1[0], np.float32): diff_count = 0 @@ -96,9 +96,11 @@ def hokeun_deep_diff_float32(array1: np.ndarray, array2: np.ndarray, indices: Li diff_count += 1 copy_of_indices = indices.copy() copy_of_indices.append(i) - # Using .astype(str) to print with full precision. - log(INFO, "Hokeun! hokeun_deep_diff_float32: Found diff at %r, val1: %s, val2: %s, difference: %s", - copy_of_indices, array1[i].astype(str), array2[i].astype(str), (array1[i] - array2[i]).astype(str)) + if print_diff: + # Print each diff. + # Using .astype(str) to print with full precision. + log(INFO, "Hokeun! hokeun_deep_diff_float32: Found diff at %r, val1: %s, val2: %s, difference: %s", + copy_of_indices, array1[i].astype(str), array2[i].astype(str), (array1[i] - array2[i]).astype(str)) return diff_count else: @@ -232,7 +234,10 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: log(INFO, "Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): %i", hokeun_deep_count_float32(hokeun_params)) log(INFO, "Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): %i", hokeun_deep_count_float32(params)) log(INFO, "Hokeun! aggregate_inplace: Final results: calling hokeun_deep_diff_float32() ...") - log(INFO, "Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): %i", hokeun_deep_diff_float32(hokeun_params, params, [])) + + print_diff = False + log(INFO, "Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): %i", + hokeun_deep_diff_float32(hokeun_params, params, [], print_diff)) return params From 753b0588327e8d493055b049ba1c2ff8fbaed082 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 15:56:57 -0700 Subject: [PATCH 19/34] Remove unnecessary logs --- src/py/flwr/server/strategy/aggregate.py | 18 +++++++++--------- 1 file changed, 9 insertions(+), 9 deletions(-) diff --git a/src/py/flwr/server/strategy/aggregate.py b/src/py/flwr/server/strategy/aggregate.py index c947c2349871..ce0652176312 100644 --- a/src/py/flwr/server/strategy/aggregate.py +++ b/src/py/flwr/server/strategy/aggregate.py @@ -157,15 +157,15 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: hokeun_params = copy.deepcopy(params) for i, (_, fit_res) in enumerate(results[1:]): - noise_factor = 1.0 - if noise_enabled: - noise_factor += random.gauss(0, gauss_noise_sigma) - log(INFO, "Hokeun! noise_factor: %f", noise_factor) + # noise_factor = 1.0 + # if noise_enabled: + # noise_factor += random.gauss(0, gauss_noise_sigma) + # log(INFO, "Hokeun! noise_factor: %f", noise_factor) ndarrays = parameters_to_ndarrays(fit_res.parameters) - log(INFO, "Hokeun! aggregate_inplace: len(ndarrays): %i", len(ndarrays)) - log(INFO, "Hokeun! aggregate_inplace: len(params): %i", len(params)) - log(INFO, "Hokeun! aggregate_inplace: len(hokeun_params): %i", len(hokeun_params)) + # log(INFO, "Hokeun! aggregate_inplace: len(ndarrays): %i", len(ndarrays)) + # log(INFO, "Hokeun! aggregate_inplace: len(params): %i", len(params)) + # log(INFO, "Hokeun! aggregate_inplace: len(hokeun_params): %i", len(hokeun_params)) hokeun_perform_recursive_deep_multiplication(scaling_factors[i + 1], hokeun_params, ndarrays, noise_enabled, gauss_noise_sigma) @@ -221,7 +221,7 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: # log(INFO, "Hokeun! type(hokeun_params[0][0][0][0][0]): %r", str(hokeun_params[0][0][0][0][0])) # log(INFO, "Hokeun! type(params[0][0][0][0][0]): %r", str(params[0][0][0][0][0])) - log(INFO, "Hokeun! are hokeun_params and params the same in string?: %r", str(hokeun_params) == str(params)) + # log(INFO, "Hokeun! are hokeun_params and params the same in string?: %r", str(hokeun_params) == str(params)) # log(INFO, "Hokeun! are hokeun_params and params the same numerically?: %r", hokeun_params == params) log(INFO, "Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): %i", hokeun_deep_count_float32(hokeun_params)) @@ -233,7 +233,7 @@ def aggregate_inplace(results: List[Tuple[ClientProxy, FitRes]], noise_enabled: log(INFO, "Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): %i", hokeun_deep_count_float32(hokeun_params)) log(INFO, "Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): %i", hokeun_deep_count_float32(params)) - log(INFO, "Hokeun! aggregate_inplace: Final results: calling hokeun_deep_diff_float32() ...") + # log(INFO, "Hokeun! aggregate_inplace: Final results: calling hokeun_deep_diff_float32() ...") print_diff = False log(INFO, "Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): %i", From f1488d9b9133fcd7544520e12f1f56911d49c8e4 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 16:06:06 -0700 Subject: [PATCH 20/34] Update README.md --- examples/app-pytorch/README.md | 3 +++ 1 file changed, 3 insertions(+) diff --git a/examples/app-pytorch/README.md b/examples/app-pytorch/README.md index d4a457fb99c9..e09b5850cdc3 100644 --- a/examples/app-pytorch/README.md +++ b/examples/app-pytorch/README.md @@ -96,4 +96,7 @@ IMPORTANT! You must run `poetry shell` before running the shell script. For exam ```bash poetry shell ./run_experiments.sh & +exit ``` + +After starting the script background using `%`, you can first `exit` and check if the script still runs. From dcd6d375bd88410ee652df3b59804bd0dbe5cff7 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 16:06:34 -0700 Subject: [PATCH 21/34] Update README.md --- examples/app-pytorch/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/examples/app-pytorch/README.md b/examples/app-pytorch/README.md index e09b5850cdc3..254ae62fe5ae 100644 --- a/examples/app-pytorch/README.md +++ b/examples/app-pytorch/README.md @@ -99,4 +99,4 @@ poetry shell exit ``` -After starting the script background using `%`, you can first `exit` and check if the script still runs. +After starting the script background using `%`, you can first `exit` to exit from poetry and check if the script still runs. From c055c3b48a46768edcf479c57af485595f957da0 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 19:02:28 -0700 Subject: [PATCH 22/34] Add experimental results with 20 rounds for 5 and 10 clients --- ...18_160352_results_20_R_10_C_0.01_NOISE.txt | 899 ++++++++++++++++++ ...18_160352_results_20_R_10_C_0.05_NOISE.txt | 899 ++++++++++++++++++ ..._18_160352_results_20_R_10_C_0.1_NOISE.txt | 899 ++++++++++++++++++ ..._18_160352_results_20_R_10_C_0.5_NOISE.txt | 899 ++++++++++++++++++ ...06_18_160352_results_20_R_10_C_0_NOISE.txt | 898 +++++++++++++++++ ..._18_160352_results_20_R_10_C_1.0_NOISE.txt | 899 ++++++++++++++++++ ..._18_160352_results_20_R_5_C_0.01_NOISE.txt | 601 ++++++++++++ ..._18_160352_results_20_R_5_C_0.05_NOISE.txt | 601 ++++++++++++ ...6_18_160352_results_20_R_5_C_0.1_NOISE.txt | 601 ++++++++++++ ...6_18_160352_results_20_R_5_C_0.5_NOISE.txt | 601 ++++++++++++ ..._06_18_160352_results_20_R_5_C_0_NOISE.txt | 600 ++++++++++++ ...6_18_160352_results_20_R_5_C_1.0_NOISE.txt | 601 ++++++++++++ 12 files changed, 8998 insertions(+) create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.01_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.05_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.1_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.5_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_1.0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.01_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.05_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.1_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.5_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_1.0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.01_NOISE.txt new file mode 100644 index 000000000000..be3cb5215093 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.01_NOISE.txt @@ -0,0 +1,899 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230414) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230412) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230414) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230417) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230414) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230405) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3230414) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 743.26s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.2775), +INFO : (2, 0.396446), +INFO : (3, 0.448066), +INFO : (4, 0.48618), +INFO : (5, 0.523506), +INFO : (6, 0.545428), +INFO : (7, 0.57337), +INFO : (8, 0.585516), +INFO : (9, 0.608188), +INFO : (10, 0.616756), +INFO : (11, 0.630888), +INFO : (12, 0.642684), +INFO : (13, 0.656228), +INFO : (14, 0.6665), +INFO : (15, 0.675072), +INFO : (16, 0.6869), +INFO : (17, 0.691402), +INFO : (18, 0.701158), +INFO : (19, 0.70837), +INFO : (20, 0.721212)], +INFO : 'train_loss': [(1, 3041.846395003796), +INFO : (2, 2570.595632517338), +INFO : (3, 2359.8755069196222), +INFO : (4, 2207.554428237677), +INFO : (5, 2079.028407919407), +INFO : (6, 1984.1877751588822), +INFO : (7, 1878.9734030544757), +INFO : (8, 1822.4251589596272), +INFO : (9, 1729.9505343854428), +INFO : (10, 1689.7051715672017), +INFO : (11, 1630.9001562714577), +INFO : (12, 1579.4387850493192), +INFO : (13, 1520.002138954401), +INFO : (14, 1479.5448192477227), +INFO : (15, 1443.4082341760397), +INFO : (16, 1388.513897716999), +INFO : (17, 1367.359010988474), +INFO : (18, 1327.6394237697125), +INFO : (19, 1299.3683690726757), +INFO : (20, 1238.8823991149663)], +INFO : 'val_accuracy': [(1, 0.2846), +INFO : (2, 0.39787), +INFO : (3, 0.44769), +INFO : (4, 0.48594), +INFO : (5, 0.51821), +INFO : (6, 0.53542), +INFO : (7, 0.56027), +INFO : (8, 0.57123), +INFO : (9, 0.58838), +INFO : (10, 0.59407), +INFO : (11, 0.60448), +INFO : (12, 0.6111), +INFO : (13, 0.6199), +INFO : (14, 0.62422), +INFO : (15, 0.62847), +INFO : (16, 0.635), +INFO : (17, 0.63697), +INFO : (18, 0.63926), +INFO : (19, 0.64348), +INFO : (20, 0.6475)], +INFO : 'val_loss': [(1, 19407.007470974328), +INFO : (2, 16403.836475462096), +INFO : (3, 15083.15464677438), +INFO : (4, 14187.433274214904), +INFO : (5, 13454.094459303626), +INFO : (6, 12928.698721258785), +INFO : (7, 12349.581499972433), +INFO : (8, 12089.277795233307), +INFO : (9, 11635.899245992645), +INFO : (10, 11476.475910959582), +INFO : (11, 11245.623785599073), +INFO : (12, 11061.533995020525), +INFO : (13, 10826.765370074587), +INFO : (14, 10712.429040490113), +INFO : (15, 10624.36087072936), +INFO : (16, 10466.113652924687), +INFO : (17, 10461.099855806218), +INFO : (18, 10439.582627096153), +INFO : (19, 10377.625273748754), +INFO : (20, 10278.63855686782)]} +INFO : +(ClientAppActor pid=3230417) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3230408) Files already downloaded and verified +(ClientAppActor pid=3230413) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3230418) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.05_NOISE.txt new file mode 100644 index 000000000000..224533e60321 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.05_NOISE.txt @@ -0,0 +1,899 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220582) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220584) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220581) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220582) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220581) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220582) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220581) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220583) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220581) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220583) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220581) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220583) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220581) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220583) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220581) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220582) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220581) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220581) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220582) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3220581) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 765.52s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.274292), +INFO : (2, 0.393704), +INFO : (3, 0.447704), +INFO : (4, 0.487932), +INFO : (5, 0.518), +INFO : (6, 0.549394), +INFO : (7, 0.568412), +INFO : (8, 0.588226), +INFO : (9, 0.600456), +INFO : (10, 0.621846), +INFO : (11, 0.631516), +INFO : (12, 0.645576), +INFO : (13, 0.660648), +INFO : (14, 0.669646), +INFO : (15, 0.67722), +INFO : (16, 0.687606), +INFO : (17, 0.693722), +INFO : (18, 0.705558), +INFO : (19, 0.713952), +INFO : (20, 0.71958)], +INFO : 'train_loss': [(1, 3086.5198023080825), +INFO : (2, 2581.582925486565), +INFO : (3, 2374.3515177845957), +INFO : (4, 2223.1996939063074), +INFO : (5, 2096.2831388413906), +INFO : (6, 1970.7141899943351), +INFO : (7, 1893.4830927670002), +INFO : (8, 1806.390598833561), +INFO : (9, 1757.1247593164444), +INFO : (10, 1666.5831576317548), +INFO : (11, 1627.7628195971251), +INFO : (12, 1564.287242859602), +INFO : (13, 1503.7901932060718), +INFO : (14, 1463.1829930096865), +INFO : (15, 1426.9242782324552), +INFO : (16, 1386.2938897907734), +INFO : (17, 1356.876588279009), +INFO : (18, 1306.4639379292726), +INFO : (19, 1274.784282785654), +INFO : (20, 1247.7518475934862)], +INFO : 'val_accuracy': [(1, 0.28387), +INFO : (2, 0.39722), +INFO : (3, 0.44794), +INFO : (4, 0.48577), +INFO : (5, 0.5114), +INFO : (6, 0.5398), +INFO : (7, 0.55713), +INFO : (8, 0.57161), +INFO : (9, 0.58012), +INFO : (10, 0.5969), +INFO : (11, 0.60178), +INFO : (12, 0.60838), +INFO : (13, 0.61841), +INFO : (14, 0.62121), +INFO : (15, 0.62327), +INFO : (16, 0.62805), +INFO : (17, 0.62758), +INFO : (18, 0.63299), +INFO : (19, 0.63335), +INFO : (20, 0.63419)], +INFO : 'val_loss': [(1, 19637.332254815097), +INFO : (2, 16431.067724465578), +INFO : (3, 15178.78990968787), +INFO : (4, 14299.75488033246), +INFO : (5, 13608.190499234288), +INFO : (6, 12925.740287866643), +INFO : (7, 12548.078468997555), +INFO : (8, 12126.405511124693), +INFO : (9, 11917.235761974003), +INFO : (10, 11480.760551378693), +INFO : (11, 11371.749004106283), +INFO : (12, 11142.488206854689), +INFO : (13, 10901.968365845913), +INFO : (14, 10810.980647250999), +INFO : (15, 10784.7101013974), +INFO : (16, 10678.951881047784), +INFO : (17, 10703.602158449823), +INFO : (18, 10630.744572904596), +INFO : (19, 10624.06841704914), +INFO : (20, 10611.450030638765)]} +INFO : +(ClientAppActor pid=3220588) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3220584) Files already downloaded and verified +(ClientAppActor pid=3220589) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3220594) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.1_NOISE.txt new file mode 100644 index 000000000000..462c2a168d90 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.1_NOISE.txt @@ -0,0 +1,899 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207296) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207289) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207294) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207296) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207294) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207297) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207294) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207297) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207294) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207297) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207294) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207294) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207294) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207289) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207294) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207294) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207294) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207294) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3207289) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 793.21s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.286308), +INFO : (2, 0.41415), +INFO : (3, 0.462462), +INFO : (4, 0.496706), +INFO : (5, 0.52267), +INFO : (6, 0.544436), +INFO : (7, 0.566596), +INFO : (8, 0.589304), +INFO : (9, 0.60092), +INFO : (10, 0.612342), +INFO : (11, 0.628402), +INFO : (12, 0.642548), +INFO : (13, 0.649354), +INFO : (14, 0.66148), +INFO : (15, 0.670336), +INFO : (16, 0.681602), +INFO : (17, 0.693976), +INFO : (18, 0.701036), +INFO : (19, 0.708092), +INFO : (20, 0.719142)], +INFO : 'train_loss': [(1, 3026.964635550976), +INFO : (2, 2506.5387818813324), +INFO : (3, 2320.6033573627474), +INFO : (4, 2178.9309213340284), +INFO : (5, 2071.3294506967068), +INFO : (6, 1988.3127157211304), +INFO : (7, 1898.5007199943066), +INFO : (8, 1816.8188960433006), +INFO : (9, 1767.0111507058143), +INFO : (10, 1716.0061368703841), +INFO : (11, 1655.696948105097), +INFO : (12, 1590.135960572958), +INFO : (13, 1559.670193129778), +INFO : (14, 1507.3130463391542), +INFO : (15, 1468.1218862891196), +INFO : (16, 1423.557785704732), +INFO : (17, 1368.094418427348), +INFO : (18, 1339.2281993687152), +INFO : (19, 1308.2974471598864), +INFO : (20, 1258.2855208277701)], +INFO : 'val_accuracy': [(1, 0.29394), +INFO : (2, 0.41319), +INFO : (3, 0.46411), +INFO : (4, 0.4968), +INFO : (5, 0.51818), +INFO : (6, 0.53661), +INFO : (7, 0.55293), +INFO : (8, 0.57275), +INFO : (9, 0.57932), +INFO : (10, 0.58674), +INFO : (11, 0.59761), +INFO : (12, 0.60606), +INFO : (13, 0.61017), +INFO : (14, 0.61604), +INFO : (15, 0.62097), +INFO : (16, 0.62667), +INFO : (17, 0.63121), +INFO : (18, 0.63405), +INFO : (19, 0.636), +INFO : (20, 0.6386)], +INFO : 'val_loss': [(1, 19282.179185150562), +INFO : (2, 16001.738039757498), +INFO : (3, 14836.113559952377), +INFO : (4, 13992.496721353244), +INFO : (5, 13418.997990054742), +INFO : (6, 12973.412459642072), +INFO : (7, 12509.264615367798), +INFO : (8, 12084.382068510953), +INFO : (9, 11882.263742398332), +INFO : (10, 11676.900752981202), +INFO : (11, 11404.129572941245), +INFO : (12, 11140.434564648707), +INFO : (13, 11080.097828366248), +INFO : (14, 10900.641364363513), +INFO : (15, 10821.233754303443), +INFO : (16, 10673.842440175795), +INFO : (17, 10558.90145140308), +INFO : (18, 10543.58650326245), +INFO : (19, 10544.411457139277), +INFO : (20, 10439.127720078182)]} +INFO : +(ClientAppActor pid=3207303) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3207297) Files already downloaded and verified +(ClientAppActor pid=3207302) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3207301) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.5_NOISE.txt new file mode 100644 index 000000000000..9ecb376eedb9 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.5_NOISE.txt @@ -0,0 +1,899 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.5 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183882) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183882) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183882) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183882) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183886) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183882) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183882) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183884) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3183882) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 803.44s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.223008), +INFO : (2, 0.368804), +INFO : (3, 0.44113), +INFO : (4, 0.480988), +INFO : (5, 0.51464), +INFO : (6, 0.542498), +INFO : (7, 0.565256), +INFO : (8, 0.58378), +INFO : (9, 0.59917), +INFO : (10, 0.618454), +INFO : (11, 0.630542), +INFO : (12, 0.639074), +INFO : (13, 0.652632), +INFO : (14, 0.667676), +INFO : (15, 0.674014), +INFO : (16, 0.685988), +INFO : (17, 0.69383), +INFO : (18, 0.703676), +INFO : (19, 0.701358), +INFO : (20, 0.71516)], +INFO : 'train_loss': [(1, 3360.2972310185432), +INFO : (2, 2719.470282948017), +INFO : (3, 2395.40890480876), +INFO : (4, 2238.970478928089), +INFO : (5, 2114.8031870126724), +INFO : (6, 2000.385524636507), +INFO : (7, 1908.440221619606), +INFO : (8, 1831.6188733935355), +INFO : (9, 1764.5940775215627), +INFO : (10, 1683.8904764950275), +INFO : (11, 1632.3132353395224), +INFO : (12, 1595.7991952866316), +INFO : (13, 1539.2356777787209), +INFO : (14, 1478.834197717905), +INFO : (15, 1446.7453702270984), +INFO : (16, 1400.3705146372317), +INFO : (17, 1362.9903566271066), +INFO : (18, 1317.9793357491494), +INFO : (19, 1322.7345892161131), +INFO : (20, 1265.125925937295)], +INFO : 'val_accuracy': [(1, 0.22264), +INFO : (2, 0.37009), +INFO : (3, 0.43841), +INFO : (4, 0.47675), +INFO : (5, 0.50354), +INFO : (6, 0.53172), +INFO : (7, 0.54732), +INFO : (8, 0.56251), +INFO : (9, 0.5751), +INFO : (10, 0.58926), +INFO : (11, 0.59436), +INFO : (12, 0.59992), +INFO : (13, 0.60629), +INFO : (14, 0.61684), +INFO : (15, 0.621), +INFO : (16, 0.62515), +INFO : (17, 0.62916), +INFO : (18, 0.63222), +INFO : (19, 0.62827), +INFO : (20, 0.6362)], +INFO : 'val_loss': [(1, 21508.565855407716), +INFO : (2, 17328.924996606263), +INFO : (3, 15324.223920806124), +INFO : (4, 14408.681282912146), +INFO : (5, 13719.854547123938), +INFO : (6, 13066.866473597742), +INFO : (7, 12624.643054838765), +INFO : (8, 12273.721395726196), +INFO : (9, 11965.883282828792), +INFO : (10, 11600.803125907376), +INFO : (11, 11441.168148180035), +INFO : (12, 11339.974990628856), +INFO : (13, 11159.247887080222), +INFO : (14, 10932.194869344936), +INFO : (15, 10898.428136266082), +INFO : (16, 10788.105078063303), +INFO : (17, 10731.73797825015), +INFO : (18, 10672.327751425504), +INFO : (19, 10873.57415025433), +INFO : (20, 10662.22049137051)]} +INFO : +(ClientAppActor pid=3183890) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3183886) Files already downloaded and verified +(ClientAppActor pid=3183899) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3183891) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0_NOISE.txt new file mode 100644 index 000000000000..bbd7c03817e7 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0_NOISE.txt @@ -0,0 +1,898 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141312) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 0 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141311) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 3 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141331) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141331) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141331) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141331) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141311) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141311) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141331) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3141316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 800.77s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.164164), +INFO : (2, 0.316806), +INFO : (3, 0.410396), +INFO : (4, 0.457304), +INFO : (5, 0.50077), +INFO : (6, 0.529898), +INFO : (7, 0.559744), +INFO : (8, 0.578746), +INFO : (9, 0.59878), +INFO : (10, 0.613306), +INFO : (11, 0.631668), +INFO : (12, 0.640872), +INFO : (13, 0.654332), +INFO : (14, 0.66737), +INFO : (15, 0.67619), +INFO : (16, 0.683818), +INFO : (17, 0.691178), +INFO : (18, 0.702118), +INFO : (19, 0.707868), +INFO : (20, 0.719322)], +INFO : 'train_loss': [(1, 3577.478986668587), +INFO : (2, 2891.0859286785126), +INFO : (3, 2506.955762243271), +INFO : (4, 2319.221270018816), +INFO : (5, 2154.4288849174977), +INFO : (6, 2046.5061554968356), +INFO : (7, 1935.343717432022), +INFO : (8, 1861.7950209856033), +INFO : (9, 1774.6891077756882), +INFO : (10, 1714.571201956272), +INFO : (11, 1642.5408566683532), +INFO : (12, 1599.1379039943217), +INFO : (13, 1539.82906049788), +INFO : (14, 1485.7617669552565), +INFO : (15, 1445.801738023758), +INFO : (16, 1413.2349505394698), +INFO : (17, 1376.7098681539296), +INFO : (18, 1329.3202244311572), +INFO : (19, 1304.3472402751445), +INFO : (20, 1249.8059913694858)], +INFO : 'val_accuracy': [(1, 0.16469), +INFO : (2, 0.32097), +INFO : (3, 0.41318), +INFO : (4, 0.45958), +INFO : (5, 0.50067), +INFO : (6, 0.52495), +INFO : (7, 0.54738), +INFO : (8, 0.56063), +INFO : (9, 0.57612), +INFO : (10, 0.58914), +INFO : (11, 0.60285), +INFO : (12, 0.6076), +INFO : (13, 0.61714), +INFO : (14, 0.62444), +INFO : (15, 0.6278), +INFO : (16, 0.6295), +INFO : (17, 0.63504), +INFO : (18, 0.63749), +INFO : (19, 0.63916), +INFO : (20, 0.64423)], +INFO : 'val_loss': [(1, 22884.83826742172), +INFO : (2, 18399.796719821545), +INFO : (3, 15954.259378988667), +INFO : (4, 14776.364669159986), +INFO : (5, 13806.18593031182), +INFO : (6, 13209.994868545002), +INFO : (7, 12623.076642112259), +INFO : (8, 12255.812808805762), +INFO : (9, 11825.466954555863), +INFO : (10, 11572.312935428226), +INFO : (11, 11242.257312482301), +INFO : (12, 11105.759114648548), +INFO : (13, 10896.40000239254), +INFO : (14, 10697.332785770866), +INFO : (15, 10622.312447530265), +INFO : (16, 10597.069031410821), +INFO : (17, 10535.037894558422), +INFO : (18, 10453.733984371906), +INFO : (19, 10470.252439798862), +INFO : (20, 10359.979127432784)]} +INFO : +(ClientAppActor pid=3141314) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3141315) Files already downloaded and verified +(ClientAppActor pid=3141333) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3141334) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_1.0_NOISE.txt new file mode 100644 index 000000000000..2fe9a353ee26 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_1.0_NOISE.txt @@ -0,0 +1,899 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 1.0 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161435) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161437) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161436) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161448) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161436) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161448) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161436) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161448) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161437) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161448) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161437) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161441) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161436) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161448) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161436) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161448) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161436) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161448) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161436) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3161448) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 800.04s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.274822), +INFO : (2, 0.36561), +INFO : (3, 0.439346), +INFO : (4, 0.484952), +INFO : (5, 0.511684), +INFO : (6, 0.540872), +INFO : (7, 0.56298), +INFO : (8, 0.577808), +INFO : (9, 0.599766), +INFO : (10, 0.61675), +INFO : (11, 0.622766), +INFO : (12, 0.645336), +INFO : (13, 0.654886), +INFO : (14, 0.6634), +INFO : (15, 0.679784), +INFO : (16, 0.682466), +INFO : (17, 0.69426), +INFO : (18, 0.702578), +INFO : (19, 0.718076), +INFO : (20, 0.723716)], +INFO : 'train_loss': [(1, 3177.3375445604324), +INFO : (2, 2726.3607310891152), +INFO : (3, 2416.7935858607293), +INFO : (4, 2225.710993129015), +INFO : (5, 2115.392014682293), +INFO : (6, 1998.0620991826058), +INFO : (7, 1913.3230016589164), +INFO : (8, 1852.9350065171718), +INFO : (9, 1761.4542752146722), +INFO : (10, 1694.8088578879833), +INFO : (11, 1667.5245877206326), +INFO : (12, 1576.0313699632884), +INFO : (13, 1537.032535123825), +INFO : (14, 1498.3966691434384), +INFO : (15, 1431.5908410549164), +INFO : (16, 1415.7867331981658), +INFO : (17, 1363.237627607584), +INFO : (18, 1327.7635473281146), +INFO : (19, 1263.861122867465), +INFO : (20, 1239.3502099484206)], +INFO : 'val_accuracy': [(1, 0.27772), +INFO : (2, 0.36941), +INFO : (3, 0.43826), +INFO : (4, 0.47983), +INFO : (5, 0.50224), +INFO : (6, 0.5273), +INFO : (7, 0.54608), +INFO : (8, 0.55624), +INFO : (9, 0.57451), +INFO : (10, 0.58867), +INFO : (11, 0.5919), +INFO : (12, 0.6062), +INFO : (13, 0.61259), +INFO : (14, 0.61738), +INFO : (15, 0.6281), +INFO : (16, 0.62442), +INFO : (17, 0.63106), +INFO : (18, 0.6339), +INFO : (19, 0.64193), +INFO : (20, 0.64273)], +INFO : 'val_loss': [(1, 20293.406148290633), +INFO : (2, 17369.88877246007), +INFO : (3, 15457.249062231183), +INFO : (4, 14340.196475579964), +INFO : (5, 13729.724196947585), +INFO : (6, 13092.471794939655), +INFO : (7, 12645.13466974269), +INFO : (8, 12346.206649685964), +INFO : (9, 11896.487164799728), +INFO : (10, 11583.921295440912), +INFO : (11, 11515.741260914532), +INFO : (12, 11099.521466585584), +INFO : (13, 11008.196845594191), +INFO : (14, 10934.31879410382), +INFO : (15, 10667.976668390633), +INFO : (16, 10751.247256336941), +INFO : (17, 10625.869866373341), +INFO : (18, 10569.832370790355), +INFO : (19, 10326.991288496321), +INFO : (20, 10387.228940383118)]} +INFO : +(ClientAppActor pid=3161440) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3161435) Files already downloaded and verified +(ClientAppActor pid=3161450) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3161449) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.01_NOISE.txt new file mode 100644 index 000000000000..fab826694f18 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.01_NOISE.txt @@ -0,0 +1,601 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128159) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128167) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128175) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128159) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128167) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128175) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128159) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128167) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128175) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128159) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128167) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128175) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128159) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128167) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128175) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128159) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128167) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128175) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128159) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3128167) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 504.27s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.25802), +INFO : (2, 0.37892), +INFO : (3, 0.447116), +INFO : (4, 0.485704), +INFO : (5, 0.51202), +INFO : (6, 0.536992), +INFO : (7, 0.56218), +INFO : (8, 0.578908), +INFO : (9, 0.596404), +INFO : (10, 0.60908), +INFO : (11, 0.62468), +INFO : (12, 0.635912), +INFO : (13, 0.6487), +INFO : (14, 0.66018), +INFO : (15, 0.668096), +INFO : (16, 0.679296), +INFO : (17, 0.693388), +INFO : (18, 0.6966), +INFO : (19, 0.70954), +INFO : (20, 0.713508)], +INFO : 'train_loss': [(1, 3227.2293293952944), +INFO : (2, 2661.890756678581), +INFO : (3, 2377.6460235118866), +INFO : (4, 2216.3532029390335), +INFO : (5, 2117.3344081282617), +INFO : (6, 2016.4939188957214), +INFO : (7, 1912.8130256295203), +INFO : (8, 1854.9875344395637), +INFO : (9, 1777.6255778193474), +INFO : (10, 1725.203788292408), +INFO : (11, 1665.5368053793907), +INFO : (12, 1610.6361700713635), +INFO : (13, 1563.4749875545501), +INFO : (14, 1506.6461450576783), +INFO : (15, 1476.711126255989), +INFO : (16, 1430.2476866185666), +INFO : (17, 1375.1456009864808), +INFO : (18, 1354.5152467668056), +INFO : (19, 1298.2084838211535), +INFO : (20, 1282.062908500433)], +INFO : 'val_accuracy': [(1, 0.2628), +INFO : (2, 0.3774), +INFO : (3, 0.44466), +INFO : (4, 0.48154), +INFO : (5, 0.50278), +INFO : (6, 0.52412), +INFO : (7, 0.54508), +INFO : (8, 0.55832), +INFO : (9, 0.5722), +INFO : (10, 0.58014), +INFO : (11, 0.59224), +INFO : (12, 0.59798), +INFO : (13, 0.60226), +INFO : (14, 0.61282), +INFO : (15, 0.61356), +INFO : (16, 0.61884), +INFO : (17, 0.62886), +INFO : (18, 0.62458), +INFO : (19, 0.63222), +INFO : (20, 0.63182)], +INFO : 'val_loss': [(1, 20596.72174875736), +INFO : (2, 16954.95542674363), +INFO : (3, 15213.60581438672), +INFO : (4, 14237.125456181913), +INFO : (5, 13730.366666600856), +INFO : (6, 13189.232280728966), +INFO : (7, 12659.170367542782), +INFO : (8, 12416.434747616982), +INFO : (9, 12062.752746139458), +INFO : (10, 11912.68978184499), +INFO : (11, 11621.262439728493), +INFO : (12, 11443.756888944752), +INFO : (13, 11330.554491273091), +INFO : (14, 11112.075931614898), +INFO : (15, 11039.70627926607), +INFO : (16, 10941.71048019028), +INFO : (17, 10777.254996357538), +INFO : (18, 10835.468573079143), +INFO : (19, 10670.428780800818), +INFO : (20, 10719.301792627919)]} +INFO : +(ClientAppActor pid=3128158) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3128161) Files already downloaded and verified +(ClientAppActor pid=3128167) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3128168) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3128176) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3128176) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.05_NOISE.txt new file mode 100644 index 000000000000..0957e82d08e0 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.05_NOISE.txt @@ -0,0 +1,601 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112972) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112976) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112983) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112972) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112976) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112983) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112972) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112976) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112971) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112983) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112973) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112976) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112983) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112973) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112980) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112976) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112983) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112984) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112970) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3112972) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 511.41s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.241152), +INFO : (2, 0.374312), +INFO : (3, 0.439044), +INFO : (4, 0.481476), +INFO : (5, 0.514528), +INFO : (6, 0.534672), +INFO : (7, 0.5609), +INFO : (8, 0.578756), +INFO : (9, 0.594668), +INFO : (10, 0.614204), +INFO : (11, 0.62248), +INFO : (12, 0.639308), +INFO : (13, 0.652168), +INFO : (14, 0.66418), +INFO : (15, 0.67716), +INFO : (16, 0.690508), +INFO : (17, 0.692648), +INFO : (18, 0.706388), +INFO : (19, 0.712408), +INFO : (20, 0.72236)], +INFO : 'train_loss': [(1, 3284.5423106908797), +INFO : (2, 2676.797863101959), +INFO : (3, 2411.4899242043493), +INFO : (4, 2245.1079622268676), +INFO : (5, 2116.9998860239984), +INFO : (6, 2026.1647090554238), +INFO : (7, 1920.9891329526902), +INFO : (8, 1843.8714165210724), +INFO : (9, 1786.7657120347023), +INFO : (10, 1708.2473887205124), +INFO : (11, 1662.5812522888184), +INFO : (12, 1596.9825144708157), +INFO : (13, 1539.9676662385464), +INFO : (14, 1496.6140213668345), +INFO : (15, 1435.9977322995662), +INFO : (16, 1378.1217042863368), +INFO : (17, 1363.0966460824013), +INFO : (18, 1307.4475387632847), +INFO : (19, 1275.4592970013618), +INFO : (20, 1230.2524857878684)], +INFO : 'val_accuracy': [(1, 0.24636), +INFO : (2, 0.37614), +INFO : (3, 0.43736), +INFO : (4, 0.47498), +INFO : (5, 0.5093), +INFO : (6, 0.5259), +INFO : (7, 0.54888), +INFO : (8, 0.56096), +INFO : (9, 0.56882), +INFO : (10, 0.5838), +INFO : (11, 0.58746), +INFO : (12, 0.60104), +INFO : (13, 0.6116), +INFO : (14, 0.6156), +INFO : (15, 0.62292), +INFO : (16, 0.63142), +INFO : (17, 0.6281), +INFO : (18, 0.6372), +INFO : (19, 0.63806), +INFO : (20, 0.6405)], +INFO : 'val_loss': [(1, 20961.61496266723), +INFO : (2, 17083.096864161642), +INFO : (3, 15448.226296215133), +INFO : (4, 14468.835353549151), +INFO : (5, 13727.010396920123), +INFO : (6, 13249.971122062048), +INFO : (7, 12690.606331046985), +INFO : (8, 12339.964040105477), +INFO : (9, 12090.392738892311), +INFO : (10, 11758.181586506396), +INFO : (11, 11595.471361503469), +INFO : (12, 11311.106462413512), +INFO : (13, 11091.777656543414), +INFO : (14, 10970.597745657855), +INFO : (15, 10769.525044782582), +INFO : (16, 10568.144954021276), +INFO : (17, 10682.106075648724), +INFO : (18, 10543.622515491894), +INFO : (19, 10509.777742961514), +INFO : (20, 10457.510867442252)]} +INFO : +(ClientAppActor pid=3112978) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3112972) Files already downloaded and verified +(ClientAppActor pid=3112978) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3112982) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3112984) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3112984) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.1_NOISE.txt new file mode 100644 index 000000000000..33fdd737f225 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.1_NOISE.txt @@ -0,0 +1,601 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099091) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099101) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099105) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099091) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099101) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099098) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099091) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099101) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099098) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099091) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099097) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099101) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099091) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099095) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099101) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099091) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099103) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099098) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099101) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3099095) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 506.46s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.28106), +INFO : (2, 0.405244), +INFO : (3, 0.471536), +INFO : (4, 0.499908), +INFO : (5, 0.534572), +INFO : (6, 0.558504), +INFO : (7, 0.586176), +INFO : (8, 0.602104), +INFO : (9, 0.620488), +INFO : (10, 0.632336), +INFO : (11, 0.644176), +INFO : (12, 0.656084), +INFO : (13, 0.664172), +INFO : (14, 0.676916), +INFO : (15, 0.69138), +INFO : (16, 0.687776), +INFO : (17, 0.707424), +INFO : (18, 0.713824), +INFO : (19, 0.720636), +INFO : (20, 0.729432)], +INFO : 'train_loss': [(1, 3123.363520073891), +INFO : (2, 2569.729762268066), +INFO : (3, 2292.2365661621093), +INFO : (4, 2181.4601415872576), +INFO : (5, 2039.953247499466), +INFO : (6, 1946.8648594021797), +INFO : (7, 1823.8726449608803), +INFO : (8, 1756.4423143267632), +INFO : (9, 1687.4644061684608), +INFO : (10, 1621.6410927832126), +INFO : (11, 1571.2335467815399), +INFO : (12, 1525.0252232611178), +INFO : (13, 1486.062333059311), +INFO : (14, 1437.3544416546822), +INFO : (15, 1371.2386853039266), +INFO : (16, 1384.0955172657966), +INFO : (17, 1298.2516434550284), +INFO : (18, 1268.6754662632943), +INFO : (19, 1249.7946347355842), +INFO : (20, 1198.8759296834469)], +INFO : 'val_accuracy': [(1, 0.28522), +INFO : (2, 0.4046), +INFO : (3, 0.47018), +INFO : (4, 0.49242), +INFO : (5, 0.52626), +INFO : (6, 0.5453), +INFO : (7, 0.56878), +INFO : (8, 0.58042), +INFO : (9, 0.59482), +INFO : (10, 0.6041), +INFO : (11, 0.61134), +INFO : (12, 0.61688), +INFO : (13, 0.62092), +INFO : (14, 0.63092), +INFO : (15, 0.64012), +INFO : (16, 0.63452), +INFO : (17, 0.64568), +INFO : (18, 0.64764), +INFO : (19, 0.64572), +INFO : (20, 0.64946)], +INFO : 'val_loss': [(1, 19942.104550892112), +INFO : (2, 16402.529807789622), +INFO : (3, 14718.96046264153), +INFO : (4, 14124.956729786192), +INFO : (5, 13295.279146289498), +INFO : (6, 12786.655002358835), +INFO : (7, 12125.405910032337), +INFO : (8, 11835.810798593982), +INFO : (9, 11488.694115333597), +INFO : (10, 11260.595285199224), +INFO : (11, 11027.064088212685), +INFO : (12, 10872.585304364931), +INFO : (13, 10813.376416922165), +INFO : (14, 10617.100618643966), +INFO : (15, 10350.209854719405), +INFO : (16, 10644.227880709126), +INFO : (17, 10286.965270826706), +INFO : (18, 10302.728943888871), +INFO : (19, 10383.34950438568), +INFO : (20, 10274.627077999528)]} +INFO : +(ClientAppActor pid=3099104) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3099092) Files already downloaded and verified +(ClientAppActor pid=3099101) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3099102) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3099114) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3099114) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.5_NOISE.txt new file mode 100644 index 000000000000..d76af54cb0e4 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.5_NOISE.txt @@ -0,0 +1,601 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.5 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084191) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084203) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084201) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084201) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084202) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084192) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084192) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084201) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084192) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084202) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084204) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3084192) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 507.52s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.292004), +INFO : (2, 0.395488), +INFO : (3, 0.448548), +INFO : (4, 0.488104), +INFO : (5, 0.51364), +INFO : (6, 0.53244), +INFO : (7, 0.550528), +INFO : (8, 0.58112), +INFO : (9, 0.595444), +INFO : (10, 0.61064), +INFO : (11, 0.627096), +INFO : (12, 0.640948), +INFO : (13, 0.64878), +INFO : (14, 0.666704), +INFO : (15, 0.673408), +INFO : (16, 0.681296), +INFO : (17, 0.696108), +INFO : (18, 0.703988), +INFO : (19, 0.713424), +INFO : (20, 0.725004)], +INFO : 'train_loss': [(1, 3064.9399798631666), +INFO : (2, 2588.9552232503893), +INFO : (3, 2359.5205183506014), +INFO : (4, 2205.0816304445266), +INFO : (5, 2101.423211586475), +INFO : (6, 2028.4954261660575), +INFO : (7, 1966.4061154723167), +INFO : (8, 1839.6340435028076), +INFO : (9, 1781.816933643818), +INFO : (10, 1716.2634342968463), +INFO : (11, 1654.8091496407985), +INFO : (12, 1595.8203746855258), +INFO : (13, 1561.2620520532132), +INFO : (14, 1484.2701749145986), +INFO : (15, 1454.6253154397011), +INFO : (16, 1421.915251559019), +INFO : (17, 1359.2391253113747), +INFO : (18, 1326.045017427206), +INFO : (19, 1274.1931475579738), +INFO : (20, 1237.7467120736837)], +INFO : 'val_accuracy': [(1, 0.29592), +INFO : (2, 0.39778), +INFO : (3, 0.44476), +INFO : (4, 0.47902), +INFO : (5, 0.5043), +INFO : (6, 0.51728), +INFO : (7, 0.53536), +INFO : (8, 0.5589), +INFO : (9, 0.57316), +INFO : (10, 0.58348), +INFO : (11, 0.59504), +INFO : (12, 0.60536), +INFO : (13, 0.61022), +INFO : (14, 0.62226), +INFO : (15, 0.62594), +INFO : (16, 0.62856), +INFO : (17, 0.63602), +INFO : (18, 0.6378), +INFO : (19, 0.6455), +INFO : (20, 0.6482)], +INFO : 'val_loss': [(1, 19559.73832028508), +INFO : (2, 16545.241634851696), +INFO : (3, 15176.604123628791), +INFO : (4, 14289.918167845579), +INFO : (5, 13715.245828981419), +INFO : (6, 13317.28848981671), +INFO : (7, 12967.024899990554), +INFO : (8, 12341.52712927541), +INFO : (9, 12030.267740393943), +INFO : (10, 11726.748037681697), +INFO : (11, 11438.66658934141), +INFO : (12, 11231.52230666502), +INFO : (13, 11103.913291092369), +INFO : (14, 10759.870483915774), +INFO : (15, 10708.90240306642), +INFO : (16, 10681.78789228535), +INFO : (17, 10459.335645254374), +INFO : (18, 10400.034052046081), +INFO : (19, 10263.286087876364), +INFO : (20, 10181.75292667714)]} +INFO : +(ClientAppActor pid=3084206) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3084194) Files already downloaded and verified +(ClientAppActor pid=3084197) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3084202) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3084206) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3084206) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0_NOISE.txt new file mode 100644 index 000000000000..c4c081657bd3 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0_NOISE.txt @@ -0,0 +1,600 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058381) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 2 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058386) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058392) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058381) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058388) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058392) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058381) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058382) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058392) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058381) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058384) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058392) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058381) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058394) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058392) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058388) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058381) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058391) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058392) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3058381) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 500.01s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.213044), +INFO : (2, 0.355676), +INFO : (3, 0.438704), +INFO : (4, 0.478864), +INFO : (5, 0.50912), +INFO : (6, 0.538372), +INFO : (7, 0.557052), +INFO : (8, 0.57104), +INFO : (9, 0.585112), +INFO : (10, 0.610272), +INFO : (11, 0.618988), +INFO : (12, 0.630636), +INFO : (13, 0.646904), +INFO : (14, 0.662212), +INFO : (15, 0.67314), +INFO : (16, 0.679396), +INFO : (17, 0.687556), +INFO : (18, 0.694712), +INFO : (19, 0.706148), +INFO : (20, 0.7141)], +INFO : 'train_loss': [(1, 3357.781508231163), +INFO : (2, 2755.713492488861), +INFO : (3, 2410.2665061473845), +INFO : (4, 2243.0154822587965), +INFO : (5, 2125.8051869630813), +INFO : (6, 2009.4999322533608), +INFO : (7, 1934.7982152104378), +INFO : (8, 1875.4965335249901), +INFO : (9, 1829.8406872153282), +INFO : (10, 1721.136420273781), +INFO : (11, 1682.009006667137), +INFO : (12, 1631.2317468345166), +INFO : (13, 1563.6352278649806), +INFO : (14, 1508.8770499944687), +INFO : (15, 1455.320689290762), +INFO : (16, 1422.572925400734), +INFO : (17, 1390.8328074634076), +INFO : (18, 1358.9540345549583), +INFO : (19, 1311.2381320178508), +INFO : (20, 1271.6693993747235)], +INFO : 'val_accuracy': [(1, 0.21856), +INFO : (2, 0.35264), +INFO : (3, 0.43648), +INFO : (4, 0.47406), +INFO : (5, 0.50126), +INFO : (6, 0.52376), +INFO : (7, 0.54026), +INFO : (8, 0.55226), +INFO : (9, 0.56216), +INFO : (10, 0.57926), +INFO : (11, 0.58636), +INFO : (12, 0.59558), +INFO : (13, 0.60538), +INFO : (14, 0.61516), +INFO : (15, 0.62008), +INFO : (16, 0.62252), +INFO : (17, 0.62586), +INFO : (18, 0.62794), +INFO : (19, 0.63498), +INFO : (20, 0.63344)], +INFO : 'val_loss': [(1, 21453.318240243196), +INFO : (2, 17570.80873070806), +INFO : (3, 15423.451308940723), +INFO : (4, 14418.667068256673), +INFO : (5, 13758.43465722031), +INFO : (6, 13119.944417421775), +INFO : (7, 12724.663456396042), +INFO : (8, 12470.125530251908), +INFO : (9, 12264.934624148005), +INFO : (10, 11738.104015929352), +INFO : (11, 11618.580659656478), +INFO : (12, 11430.081467316179), +INFO : (13, 11174.299166252913), +INFO : (14, 10947.487796097255), +INFO : (15, 10788.509225799695), +INFO : (16, 10749.666394517722), +INFO : (17, 10702.449348652754), +INFO : (18, 10693.169505998261), +INFO : (19, 10626.326719694343), +INFO : (20, 10629.566138361995)]} +INFO : +(ClientAppActor pid=3058387) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3058383) Files already downloaded and verified +(ClientAppActor pid=3058389) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3058394) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3058395) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3058395) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_1.0_NOISE.txt new file mode 100644 index 000000000000..d4778daa1903 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_1.0_NOISE.txt @@ -0,0 +1,601 @@ +INFO : Hokeun! env_var_num_rounds: 20 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 1.0 +INFO : Starting Flower ServerApp, config: num_rounds=20, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072520) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072527) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072530) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072520) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072529) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072528) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072530) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072529) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072528) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072520) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072530) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072528) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072521) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072530) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072528) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072525) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072530) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072520) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072528) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3072530) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 20 round(s) in 480.12s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.27532), +INFO : (2, 0.384768), +INFO : (3, 0.465452), +INFO : (4, 0.500824), +INFO : (5, 0.53114), +INFO : (6, 0.555768), +INFO : (7, 0.579624), +INFO : (8, 0.598828), +INFO : (9, 0.617248), +INFO : (10, 0.631496), +INFO : (11, 0.637312), +INFO : (12, 0.652108), +INFO : (13, 0.661456), +INFO : (14, 0.673852), +INFO : (15, 0.681884), +INFO : (16, 0.691084), +INFO : (17, 0.695716), +INFO : (18, 0.711472), +INFO : (19, 0.7202), +INFO : (20, 0.731144)], +INFO : 'train_loss': [(1, 3072.8126026391983), +INFO : (2, 2639.8670684576036), +INFO : (3, 2310.9084464669227), +INFO : (4, 2158.8412766098977), +INFO : (5, 2040.0237151145934), +INFO : (6, 1948.0399235129357), +INFO : (7, 1851.8877081155777), +INFO : (8, 1771.3651419758796), +INFO : (9, 1699.5399566054343), +INFO : (10, 1637.0752013325691), +INFO : (11, 1613.9796801805496), +INFO : (12, 1546.9292840003968), +INFO : (13, 1501.9152003645897), +INFO : (14, 1451.9412267446519), +INFO : (15, 1413.527920782566), +INFO : (16, 1372.6078962385654), +INFO : (17, 1351.0199066102505), +INFO : (18, 1286.4143571913241), +INFO : (19, 1250.4821650743484), +INFO : (20, 1199.2465069264174)], +INFO : 'val_accuracy': [(1, 0.27838), +INFO : (2, 0.38402), +INFO : (3, 0.46382), +INFO : (4, 0.49612), +INFO : (5, 0.52354), +INFO : (6, 0.54104), +INFO : (7, 0.56332), +INFO : (8, 0.57796), +INFO : (9, 0.5922), +INFO : (10, 0.60398), +INFO : (11, 0.60542), +INFO : (12, 0.61602), +INFO : (13, 0.62042), +INFO : (14, 0.62958), +INFO : (15, 0.63004), +INFO : (16, 0.63638), +INFO : (17, 0.63734), +INFO : (18, 0.64392), +INFO : (19, 0.64654), +INFO : (20, 0.6518)], +INFO : 'val_loss': [(1, 19637.28521335125), +INFO : (2, 16900.723525735735), +INFO : (3, 14859.18386276793), +INFO : (4, 13967.66556317564), +INFO : (5, 13269.701042193616), +INFO : (6, 12810.057116268388), +INFO : (7, 12274.01973328311), +INFO : (8, 11881.552366840457), +INFO : (9, 11550.883864704227), +INFO : (10, 11276.763924812554), +INFO : (11, 11243.18769136848), +INFO : (12, 10962.608751260728), +INFO : (13, 10829.920099242832), +INFO : (14, 10692.059073026589), +INFO : (15, 10604.70023180654), +INFO : (16, 10561.047190551575), +INFO : (17, 10566.64333862941), +INFO : (18, 10379.803349555541), +INFO : (19, 10322.66288530929), +INFO : (20, 10213.242347518828)]} +INFO : +(ClientAppActor pid=3072519) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3072522) Files already downloaded and verified +(ClientAppActor pid=3072526) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3072533) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3072534) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3072534) Files already downloaded and verified From e61c4766dee7553caab417e337c5df0671ccb315 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 19:18:52 -0700 Subject: [PATCH 23/34] Add a new script for running 50 rounds --- ...iments.sh => run_experiments_20_rounds.sh} | 0 .../app-pytorch/run_experiments_50_rounds.sh | 47 +++++++++++++++++++ 2 files changed, 47 insertions(+) rename examples/app-pytorch/{run_experiments.sh => run_experiments_20_rounds.sh} (100%) create mode 100755 examples/app-pytorch/run_experiments_50_rounds.sh diff --git a/examples/app-pytorch/run_experiments.sh b/examples/app-pytorch/run_experiments_20_rounds.sh similarity index 100% rename from examples/app-pytorch/run_experiments.sh rename to examples/app-pytorch/run_experiments_20_rounds.sh diff --git a/examples/app-pytorch/run_experiments_50_rounds.sh b/examples/app-pytorch/run_experiments_50_rounds.sh new file mode 100755 index 000000000000..c9a2542ade97 --- /dev/null +++ b/examples/app-pytorch/run_experiments_50_rounds.sh @@ -0,0 +1,47 @@ +#!/bin/bash + +# Make sure to run poetry shell first! + +date_time=$(date '+%Y_%m_%d_%H%M%S'); + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=1.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_1.0_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.5 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.5_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.1_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.05_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.01_NOISE.txt + + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=1.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_1.0_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.5 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.5_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.1_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.05_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.01_NOISE.txt + + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=1.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_1.0_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.5 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.5_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.1_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.05_NOISE.txt + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.01_NOISE.txt \ No newline at end of file From c2aef78405dda7da7317b4f47133f4a050a06ad3 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 19:27:51 -0700 Subject: [PATCH 24/34] Update README.md --- examples/app-pytorch/README.md | 14 +++++++++++++- 1 file changed, 13 insertions(+), 1 deletion(-) diff --git a/examples/app-pytorch/README.md b/examples/app-pytorch/README.md index 254ae62fe5ae..3d38870b4b75 100644 --- a/examples/app-pytorch/README.md +++ b/examples/app-pytorch/README.md @@ -74,7 +74,7 @@ Or, to try the custom server function example, run: flower-server-app server_custom:app --insecure ``` -## More customized commands for WPES paper expierments +## More customized commands for WPES paper experiments ``bash HOKEUN_FLWR_NUM_ROUNDS=7 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 2' ``` @@ -100,3 +100,15 @@ exit ``` After starting the script background using `%`, you can first `exit` to exit from poetry and check if the script still runs. + +## Killing experiments script running in the background + +Check out this page: [Killing a shell script running in background](https://unix.stackexchange.com/questions/174028/killing-a-shell-script-running-in-background). + +Find the process ID of the script like this: + +``` +ps -aux | grep run_experiments* +``` + +Then, kill the process. From 75db8ede0f0ddc0866361524a9048366508ac3ca Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Tue, 18 Jun 2024 19:35:37 -0700 Subject: [PATCH 25/34] Update README.md --- examples/app-pytorch/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/examples/app-pytorch/README.md b/examples/app-pytorch/README.md index 3d38870b4b75..588302bed741 100644 --- a/examples/app-pytorch/README.md +++ b/examples/app-pytorch/README.md @@ -75,7 +75,7 @@ flower-server-app server_custom:app --insecure ``` ## More customized commands for WPES paper experiments -``bash +```bash HOKEUN_FLWR_NUM_ROUNDS=7 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 2' ``` From 15ca700e29d1ccf9fd53a440dcde21b8d4fd14f3 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Thu, 20 Jun 2024 15:09:14 -0700 Subject: [PATCH 26/34] Add script and results for experiments without noise for 5 times --- ...18_191929_results_50_R_10_C_0.01_NOISE.txt | 2219 ++++++++++ ...18_191929_results_50_R_10_C_0.05_NOISE.txt | 2219 ++++++++++ ..._18_191929_results_50_R_10_C_0.1_NOISE.txt | 2196 ++++++++++ ..._18_191929_results_50_R_10_C_0.5_NOISE.txt | 2219 ++++++++++ ...06_18_191929_results_50_R_10_C_0_NOISE.txt | 2218 ++++++++++ ..._18_191929_results_50_R_10_C_1.0_NOISE.txt | 2219 ++++++++++ ...18_191929_results_50_R_20_C_0.01_NOISE.txt | 3830 ++++++++++++++++ ...18_191929_results_50_R_20_C_0.05_NOISE.txt | 3840 ++++++++++++++++ ..._18_191929_results_50_R_20_C_0.1_NOISE.txt | 3841 +++++++++++++++++ ..._18_191929_results_50_R_20_C_0.5_NOISE.txt | 3832 ++++++++++++++++ ...06_18_191929_results_50_R_20_C_0_NOISE.txt | 3774 ++++++++++++++++ ..._18_191929_results_50_R_20_C_1.0_NOISE.txt | 3832 ++++++++++++++++ ..._18_191929_results_50_R_5_C_0.01_NOISE.txt | 1471 +++++++ ..._18_191929_results_50_R_5_C_0.05_NOISE.txt | 1472 +++++++ ...6_18_191929_results_50_R_5_C_0.1_NOISE.txt | 1462 +++++++ ...6_18_191929_results_50_R_5_C_0.5_NOISE.txt | 1471 +++++++ ..._06_18_191929_results_50_R_5_C_0_NOISE.txt | 1470 +++++++ ...6_18_191929_results_50_R_5_C_1.0_NOISE.txt | 1471 +++++++ ...0607_results_50_R_10_C_0_NOISE_0_TRIAL.txt | 2218 ++++++++++ ...0607_results_50_R_10_C_0_NOISE_1_TRIAL.txt | 2218 ++++++++++ ...0607_results_50_R_10_C_0_NOISE_2_TRIAL.txt | 2218 ++++++++++ ...0607_results_50_R_10_C_0_NOISE_3_TRIAL.txt | 2218 ++++++++++ ...0607_results_50_R_10_C_0_NOISE_4_TRIAL.txt | 2218 ++++++++++ ...0607_results_50_R_20_C_0_NOISE_0_TRIAL.txt | 3803 ++++++++++++++++ ...0607_results_50_R_20_C_0_NOISE_1_TRIAL.txt | 3807 ++++++++++++++++ ...0607_results_50_R_20_C_0_NOISE_2_TRIAL.txt | 3799 ++++++++++++++++ ...0607_results_50_R_20_C_0_NOISE_3_TRIAL.txt | 3794 ++++++++++++++++ ...0607_results_50_R_20_C_0_NOISE_4_TRIAL.txt | 3800 ++++++++++++++++ ...80607_results_50_R_5_C_0_NOISE_0_TRIAL.txt | 1470 +++++++ ...80607_results_50_R_5_C_0_NOISE_1_TRIAL.txt | 1470 +++++++ ...80607_results_50_R_5_C_0_NOISE_2_TRIAL.txt | 1470 +++++++ ...80607_results_50_R_5_C_0_NOISE_3_TRIAL.txt | 1470 +++++++ ...80607_results_50_R_5_C_0_NOISE_4_TRIAL.txt | 1470 +++++++ .../run_experiments_50_rounds_no_noise.sh | 27 + 34 files changed, 82526 insertions(+) create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.01_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.05_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.1_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.5_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_1.0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.01_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.05_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.1_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.5_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_1.0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.01_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.05_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.1_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.5_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_1.0_NOISE.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_4_TRIAL.txt create mode 100755 examples/app-pytorch/run_experiments_50_rounds_no_noise.sh diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.01_NOISE.txt new file mode 100644 index 000000000000..01ef77c986ee --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.01_NOISE.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389184) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389195) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389184) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389184) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389184) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389184) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389184) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389184) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3389186) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1900.32s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.276746), +INFO : (2, 0.388838), +INFO : (3, 0.458778), +INFO : (4, 0.501908), +INFO : (5, 0.527246), +INFO : (6, 0.555262), +INFO : (7, 0.577248), +INFO : (8, 0.595592), +INFO : (9, 0.611866), +INFO : (10, 0.632008), +INFO : (11, 0.647722), +INFO : (12, 0.658646), +INFO : (13, 0.668064), +INFO : (14, 0.682594), +INFO : (15, 0.69748), +INFO : (16, 0.704226), +INFO : (17, 0.710676), +INFO : (18, 0.719788), +INFO : (19, 0.727772), +INFO : (20, 0.739604), +INFO : (21, 0.748702), +INFO : (22, 0.753578), +INFO : (23, 0.758498), +INFO : (24, 0.770778), +INFO : (25, 0.7759), +INFO : (26, 0.778688), +INFO : (27, 0.781564), +INFO : (28, 0.790072), +INFO : (29, 0.798706), +INFO : (30, 0.79983), +INFO : (31, 0.80897), +INFO : (32, 0.812904), +INFO : (33, 0.82163), +INFO : (34, 0.826076), +INFO : (35, 0.828314), +INFO : (36, 0.837788), +INFO : (37, 0.841674), +INFO : (38, 0.847002), +INFO : (39, 0.850694), +INFO : (40, 0.854518), +INFO : (41, 0.857092), +INFO : (42, 0.862144), +INFO : (43, 0.86627), +INFO : (44, 0.869088), +INFO : (45, 0.873684), +INFO : (46, 0.87689), +INFO : (47, 0.879008), +INFO : (48, 0.883586), +INFO : (49, 0.88561), +INFO : (50, 0.889338)], +INFO : 'train_loss': [(1, 3087.6912973165513), +INFO : (2, 2611.409505689144), +INFO : (3, 2326.3267147123815), +INFO : (4, 2164.392799502611), +INFO : (5, 2060.8233310222627), +INFO : (6, 1950.5116375386715), +INFO : (7, 1856.880302065611), +INFO : (8, 1786.7683132588863), +INFO : (9, 1716.8882226794958), +INFO : (10, 1625.0187808066607), +INFO : (11, 1562.3656543850898), +INFO : (12, 1514.6939571589232), +INFO : (13, 1472.2118380904199), +INFO : (14, 1409.4147707462312), +INFO : (15, 1341.9833381265403), +INFO : (16, 1317.666846805811), +INFO : (17, 1285.4958487361669), +INFO : (18, 1245.4466441810132), +INFO : (19, 1213.1297467648983), +INFO : (20, 1158.046109226346), +INFO : (21, 1121.171023015678), +INFO : (22, 1099.560144250095), +INFO : (23, 1075.0172898933292), +INFO : (24, 1024.0844811975956), +INFO : (25, 998.7471720933914), +INFO : (26, 983.3696277558804), +INFO : (27, 973.1628740429878), +INFO : (28, 932.5313318423927), +INFO : (29, 896.4521275833249), +INFO : (30, 887.2383829042316), +INFO : (31, 850.7852486796677), +INFO : (32, 827.5924996286631), +INFO : (33, 795.0956974729895), +INFO : (34, 772.656979624182), +INFO : (35, 758.467642556876), +INFO : (36, 721.3259224653244), +INFO : (37, 704.3604958117008), +INFO : (38, 680.2528074741364), +INFO : (39, 664.3031585410238), +INFO : (40, 643.0075749401003), +INFO : (41, 629.5584670949727), +INFO : (42, 608.3734859332442), +INFO : (43, 591.9983922671527), +INFO : (44, 579.3401848252863), +INFO : (45, 553.5797923885286), +INFO : (46, 542.9330025365576), +INFO : (47, 530.1415661297739), +INFO : (48, 510.0126867156476), +INFO : (49, 497.9601196270436), +INFO : (50, 483.339093157649)], +INFO : 'val_accuracy': [(1, 0.28004), +INFO : (2, 0.38872), +INFO : (3, 0.45663), +INFO : (4, 0.49571), +INFO : (5, 0.51944), +INFO : (6, 0.5441), +INFO : (7, 0.56091), +INFO : (8, 0.57608), +INFO : (9, 0.58752), +INFO : (10, 0.60305), +INFO : (11, 0.61482), +INFO : (12, 0.62115), +INFO : (13, 0.62888), +INFO : (14, 0.64024), +INFO : (15, 0.64737), +INFO : (16, 0.64818), +INFO : (17, 0.65101), +INFO : (18, 0.65369), +INFO : (19, 0.65689), +INFO : (20, 0.66136), +INFO : (21, 0.66317), +INFO : (22, 0.66188), +INFO : (23, 0.66171), +INFO : (24, 0.66626), +INFO : (25, 0.66337), +INFO : (26, 0.66193), +INFO : (27, 0.65862), +INFO : (28, 0.66003), +INFO : (29, 0.66187), +INFO : (30, 0.65935), +INFO : (31, 0.65984), +INFO : (32, 0.65858), +INFO : (33, 0.65976), +INFO : (34, 0.65879), +INFO : (35, 0.6563), +INFO : (36, 0.65776), +INFO : (37, 0.65522), +INFO : (38, 0.65367), +INFO : (39, 0.65229), +INFO : (40, 0.65022), +INFO : (41, 0.64995), +INFO : (42, 0.64924), +INFO : (43, 0.64803), +INFO : (44, 0.64594), +INFO : (45, 0.64855), +INFO : (46, 0.64613), +INFO : (47, 0.64461), +INFO : (48, 0.64083), +INFO : (49, 0.64199), +INFO : (50, 0.64317)], +INFO : 'val_loss': [(1, 19717.26220469922), +INFO : (2, 16661.36040834263), +INFO : (3, 14919.096073279345), +INFO : (4, 13993.517762237358), +INFO : (5, 13385.536383035947), +INFO : (6, 12773.170672325661), +INFO : (7, 12294.989149905665), +INFO : (8, 11952.10318276765), +INFO : (9, 11630.743716466808), +INFO : (10, 11200.36373624658), +INFO : (11, 10934.457636359446), +INFO : (12, 10777.782639444813), +INFO : (13, 10645.711033435617), +INFO : (14, 10392.45520874369), +INFO : (15, 10167.321411906862), +INFO : (16, 10160.905134597851), +INFO : (17, 10150.766727242113), +INFO : (18, 10086.312409718152), +INFO : (19, 10076.632155505846), +INFO : (20, 9966.711021378973), +INFO : (21, 9917.773162604064), +INFO : (22, 9978.582581990433), +INFO : (23, 10062.345973736614), +INFO : (24, 10007.086974796166), +INFO : (25, 10126.639669601964), +INFO : (26, 10259.467221565405), +INFO : (27, 10458.290235686383), +INFO : (28, 10460.595216010366), +INFO : (29, 10562.681308352692), +INFO : (30, 10805.204177586704), +INFO : (31, 10854.336786886179), +INFO : (32, 11101.191233807702), +INFO : (33, 11159.523892877207), +INFO : (34, 11373.294770853825), +INFO : (35, 11623.278090819811), +INFO : (36, 11683.324230611513), +INFO : (37, 11903.030978600356), +INFO : (38, 12146.724427298836), +INFO : (39, 12325.335182816963), +INFO : (40, 12677.465671924847), +INFO : (41, 12938.279782985885), +INFO : (42, 13181.645860295668), +INFO : (43, 13453.904983312828), +INFO : (44, 13710.0502285183), +INFO : (45, 13966.140801222466), +INFO : (46, 14305.987344109351), +INFO : (47, 14608.950117164106), +INFO : (48, 14920.196032986825), +INFO : (49, 15350.922534594654), +INFO : (50, 15674.536598031627)]} +INFO : +(ClientAppActor pid=3389198) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3389187) Files already downloaded and verified +(ClientAppActor pid=3389195) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3389194) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.05_NOISE.txt new file mode 100644 index 000000000000..49e46e74f042 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.05_NOISE.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385145) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385145) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385145) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385145) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385145) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385144) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3385151) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1900.99s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.259356), +INFO : (2, 0.380698), +INFO : (3, 0.454984), +INFO : (4, 0.495466), +INFO : (5, 0.523344), +INFO : (6, 0.550458), +INFO : (7, 0.574506), +INFO : (8, 0.593198), +INFO : (9, 0.612696), +INFO : (10, 0.622512), +INFO : (11, 0.6383), +INFO : (12, 0.652834), +INFO : (13, 0.66399), +INFO : (14, 0.674858), +INFO : (15, 0.682596), +INFO : (16, 0.693882), +INFO : (17, 0.702196), +INFO : (18, 0.71312), +INFO : (19, 0.71726), +INFO : (20, 0.724104), +INFO : (21, 0.732584), +INFO : (22, 0.738314), +INFO : (23, 0.746798), +INFO : (24, 0.752098), +INFO : (25, 0.763922), +INFO : (26, 0.766404), +INFO : (27, 0.773638), +INFO : (28, 0.781864), +INFO : (29, 0.7837), +INFO : (30, 0.789998), +INFO : (31, 0.796722), +INFO : (32, 0.8007), +INFO : (33, 0.806038), +INFO : (34, 0.814834), +INFO : (35, 0.820736), +INFO : (36, 0.823456), +INFO : (37, 0.829108), +INFO : (38, 0.832866), +INFO : (39, 0.8395), +INFO : (40, 0.843636), +INFO : (41, 0.840456), +INFO : (42, 0.854196), +INFO : (43, 0.855014), +INFO : (44, 0.861146), +INFO : (45, 0.860312), +INFO : (46, 0.86279), +INFO : (47, 0.876034), +INFO : (48, 0.873164), +INFO : (49, 0.87486), +INFO : (50, 0.881102)], +INFO : 'train_loss': [(1, 3158.739738035202), +INFO : (2, 2643.4974678277968), +INFO : (3, 2334.4841779708863), +INFO : (4, 2180.0843035817147), +INFO : (5, 2068.1408571481707), +INFO : (6, 1955.4561797857284), +INFO : (7, 1865.8425574958324), +INFO : (8, 1789.623385387659), +INFO : (9, 1716.2007421553135), +INFO : (10, 1670.1045633018016), +INFO : (11, 1604.5523972541093), +INFO : (12, 1544.3020567566157), +INFO : (13, 1500.7530898720026), +INFO : (14, 1454.1628831207752), +INFO : (15, 1418.8282728105783), +INFO : (16, 1366.7093417435885), +INFO : (17, 1333.484213745594), +INFO : (18, 1284.3458792954684), +INFO : (19, 1262.750825728476), +INFO : (20, 1235.0886606246233), +INFO : (21, 1196.1462918162347), +INFO : (22, 1170.544395661354), +INFO : (23, 1132.654099841416), +INFO : (24, 1107.275994218886), +INFO : (25, 1056.8037956893445), +INFO : (26, 1046.1377240091563), +INFO : (27, 1011.5199771359563), +INFO : (28, 979.8686790406704), +INFO : (29, 964.7647795721889), +INFO : (30, 936.7489877432585), +INFO : (31, 909.0376808986068), +INFO : (32, 887.0564845085144), +INFO : (33, 863.9623104467988), +INFO : (34, 828.2851642265916), +INFO : (35, 802.1850390434265), +INFO : (36, 786.7344153814017), +INFO : (37, 759.8650094993412), +INFO : (38, 744.7383441403508), +INFO : (39, 718.2373782832176), +INFO : (40, 695.1444197058678), +INFO : (41, 701.837375042215), +INFO : (42, 648.9791575275361), +INFO : (43, 640.2083311822265), +INFO : (44, 615.4865849211812), +INFO : (45, 613.2366310857236), +INFO : (46, 602.6269490964711), +INFO : (47, 551.7778492648155), +INFO : (48, 557.6557543709874), +INFO : (49, 549.352150900662), +INFO : (50, 523.7210528716445)], +INFO : 'val_accuracy': [(1, 0.26748), +INFO : (2, 0.38217), +INFO : (3, 0.45119), +INFO : (4, 0.48862), +INFO : (5, 0.51488), +INFO : (6, 0.53799), +INFO : (7, 0.55746), +INFO : (8, 0.57421), +INFO : (9, 0.58926), +INFO : (10, 0.59507), +INFO : (11, 0.6073), +INFO : (12, 0.6135), +INFO : (13, 0.61924), +INFO : (14, 0.62452), +INFO : (15, 0.62792), +INFO : (16, 0.63405), +INFO : (17, 0.63729), +INFO : (18, 0.64122), +INFO : (19, 0.64368), +INFO : (20, 0.64316), +INFO : (21, 0.64411), +INFO : (22, 0.64457), +INFO : (23, 0.64779), +INFO : (24, 0.64774), +INFO : (25, 0.65152), +INFO : (26, 0.64767), +INFO : (27, 0.64779), +INFO : (28, 0.64817), +INFO : (29, 0.64658), +INFO : (30, 0.64755), +INFO : (31, 0.64751), +INFO : (32, 0.64432), +INFO : (33, 0.64633), +INFO : (34, 0.64496), +INFO : (35, 0.64435), +INFO : (36, 0.64376), +INFO : (37, 0.64366), +INFO : (38, 0.64015), +INFO : (39, 0.6405), +INFO : (40, 0.64089), +INFO : (41, 0.6364), +INFO : (42, 0.63943), +INFO : (43, 0.63821), +INFO : (44, 0.63774), +INFO : (45, 0.63627), +INFO : (46, 0.63469), +INFO : (47, 0.63614), +INFO : (48, 0.63337), +INFO : (49, 0.63309), +INFO : (50, 0.63032)], +INFO : 'val_loss': [(1, 20118.68532640636), +INFO : (2, 16834.01034368947), +INFO : (3, 14983.619520298207), +INFO : (4, 14068.872694174248), +INFO : (5, 13438.782806129777), +INFO : (6, 12806.337800945208), +INFO : (7, 12315.142538020405), +INFO : (8, 11962.068955933026), +INFO : (9, 11605.38260591408), +INFO : (10, 11458.971532478723), +INFO : (11, 11159.937868458124), +INFO : (12, 10956.133253836895), +INFO : (13, 10833.112593665757), +INFO : (14, 10700.822024304724), +INFO : (15, 10645.318819267743), +INFO : (16, 10531.234536094698), +INFO : (17, 10470.700042100325), +INFO : (18, 10367.846125011907), +INFO : (19, 10443.050655318357), +INFO : (20, 10478.615017419104), +INFO : (21, 10447.341056495701), +INFO : (22, 10516.657794981298), +INFO : (23, 10496.594746124225), +INFO : (24, 10566.431622125721), +INFO : (25, 10474.16045597693), +INFO : (26, 10648.155573393207), +INFO : (27, 10725.197879632331), +INFO : (28, 10774.401196822233), +INFO : (29, 10999.914382487867), +INFO : (30, 11089.655393341447), +INFO : (31, 11193.302330210614), +INFO : (32, 11398.915907197643), +INFO : (33, 11496.71462842593), +INFO : (34, 11614.517030414638), +INFO : (35, 11739.060334760736), +INFO : (36, 12010.582799333255), +INFO : (37, 12210.485517696347), +INFO : (38, 12462.34387545629), +INFO : (39, 12593.677254348146), +INFO : (40, 12808.92895087511), +INFO : (41, 13216.337668809147), +INFO : (42, 13287.075561840544), +INFO : (43, 13698.434797710808), +INFO : (44, 13772.971045014387), +INFO : (45, 14287.56540496057), +INFO : (46, 14530.79300046652), +INFO : (47, 14639.349562855796), +INFO : (48, 15074.745426204827), +INFO : (49, 15533.963123340489), +INFO : (50, 15780.211803317756)]} +INFO : +(ClientAppActor pid=3385153) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3385139) Files already downloaded and verified +(ClientAppActor pid=3385151) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3385153) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.1_NOISE.txt new file mode 100644 index 000000000000..472cec448810 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.1_NOISE.txt @@ -0,0 +1,2196 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 10) +(ClientAppActor pid=3381096) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381113) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381096) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381113) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381113) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381096) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381096) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381113) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381108) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381096) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3381110) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1849.80s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.21969), +INFO : (2, 0.372922), +INFO : (3, 0.43839), +INFO : (4, 0.479964), +INFO : (5, 0.513794), +INFO : (6, 0.535544), +INFO : (7, 0.55719), +INFO : (8, 0.578226), +INFO : (9, 0.595668), +INFO : (10, 0.613072), +INFO : (11, 0.624364), +INFO : (12, 0.635752), +INFO : (13, 0.647962), +INFO : (14, 0.659556), +INFO : (15, 0.66895), +INFO : (16, 0.681776), +INFO : (17, 0.688048), +INFO : (18, 0.698108), +INFO : (19, 0.70906), +INFO : (20, 0.718106), +INFO : (21, 0.72329), +INFO : (22, 0.733364), +INFO : (23, 0.741952), +INFO : (24, 0.748824), +INFO : (25, 0.754238), +INFO : (26, 0.765164), +INFO : (27, 0.763052), +INFO : (28, 0.776826), +INFO : (29, 0.778828), +INFO : (30, 0.786228), +INFO : (31, 0.789728), +INFO : (32, 0.797838), +INFO : (33, 0.800586), +INFO : (34, 0.807228), +INFO : (35, 0.815068), +INFO : (36, 0.818204), +INFO : (37, 0.823724), +INFO : (38, 0.83063), +INFO : (39, 0.835926), +INFO : (40, 0.842056), +INFO : (41, 0.841876), +INFO : (42, 0.849794), +INFO : (43, 0.853628), +INFO : (44, 0.855626), +INFO : (45, 0.864778), +INFO : (46, 0.861856), +INFO : (47, 0.863132), +INFO : (48, 0.867588), +INFO : (49, 0.878398), +INFO : (50, 0.87673)], +INFO : 'train_loss': [(1, 3258.2284794449806), +INFO : (2, 2659.5582938671114), +INFO : (3, 2402.6645379543306), +INFO : (4, 2243.8722948253153), +INFO : (5, 2106.789336848259), +INFO : (6, 2019.8582750618457), +INFO : (7, 1934.967722529173), +INFO : (8, 1848.8244570434094), +INFO : (9, 1779.865696644783), +INFO : (10, 1706.0532116949557), +INFO : (11, 1655.4379439651966), +INFO : (12, 1607.0887849599123), +INFO : (13, 1560.3915991961956), +INFO : (14, 1511.1877450972795), +INFO : (15, 1466.9759671419858), +INFO : (16, 1418.8538129210472), +INFO : (17, 1386.563395655155), +INFO : (18, 1345.1459642261266), +INFO : (19, 1301.5156323969363), +INFO : (20, 1260.923497477174), +INFO : (21, 1236.107825049758), +INFO : (22, 1194.616287100315), +INFO : (23, 1152.7289161652327), +INFO : (24, 1123.062594395876), +INFO : (25, 1098.8317148461938), +INFO : (26, 1056.1883711829782), +INFO : (27, 1051.8393152192234), +INFO : (28, 1001.7570100963115), +INFO : (29, 984.6589801371098), +INFO : (30, 951.5519921407104), +INFO : (31, 929.4378808274865), +INFO : (32, 902.0451515182853), +INFO : (33, 882.4620267897844), +INFO : (34, 856.6912061035633), +INFO : (35, 822.298803242296), +INFO : (36, 809.5791891120374), +INFO : (37, 780.6774781122804), +INFO : (38, 753.4182393878698), +INFO : (39, 727.6061654686928), +INFO : (40, 704.9580805316567), +INFO : (41, 697.8219924241305), +INFO : (42, 666.5979024209082), +INFO : (43, 648.630967707187), +INFO : (44, 636.0636009350419), +INFO : (45, 600.9715817183256), +INFO : (46, 609.6765104994178), +INFO : (47, 603.4381655476988), +INFO : (48, 581.1555456578732), +INFO : (49, 538.6435359038412), +INFO : (50, 540.5170971106738)], +INFO : 'val_accuracy': [(1, 0.2261), +INFO : (2, 0.37399), +INFO : (3, 0.43213), +INFO : (4, 0.47686), +INFO : (5, 0.50871), +INFO : (6, 0.52648), +INFO : (7, 0.54269), +INFO : (8, 0.55926), +INFO : (9, 0.57286), +INFO : (10, 0.58701), +INFO : (11, 0.59577), +INFO : (12, 0.60127), +INFO : (13, 0.6086), +INFO : (14, 0.61627), +INFO : (15, 0.62011), +INFO : (16, 0.62713), +INFO : (17, 0.62756), +INFO : (18, 0.63148), +INFO : (19, 0.63454), +INFO : (20, 0.63668), +INFO : (21, 0.63775), +INFO : (22, 0.64046), +INFO : (23, 0.64124), +INFO : (24, 0.6409), +INFO : (25, 0.64055), +INFO : (26, 0.64281), +INFO : (27, 0.63835), +INFO : (28, 0.63992), +INFO : (29, 0.63976), +INFO : (30, 0.63828), +INFO : (31, 0.63767), +INFO : (32, 0.63735), +INFO : (33, 0.63549), +INFO : (34, 0.63378), +INFO : (35, 0.63397), +INFO : (36, 0.63278), +INFO : (37, 0.63183), +INFO : (38, 0.63056), +INFO : (39, 0.63003), +INFO : (40, 0.62998), +INFO : (41, 0.62794), +INFO : (42, 0.62813), +INFO : (43, 0.62419), +INFO : (44, 0.62264), +INFO : (45, 0.62401), +INFO : (46, 0.62059), +INFO : (47, 0.61934), +INFO : (48, 0.61929), +INFO : (49, 0.61914), +INFO : (50, 0.61811)], +INFO : 'val_loss': [(1, 20844.55179154873), +INFO : (2, 17012.618354771286), +INFO : (3, 15420.67282834463), +INFO : (4, 14436.016762177855), +INFO : (5, 13622.783860981512), +INFO : (6, 13144.352535442005), +INFO : (7, 12724.145844256927), +INFO : (8, 12276.938269617642), +INFO : (9, 11962.411383360557), +INFO : (10, 11603.613809736064), +INFO : (11, 11437.028234286627), +INFO : (12, 11291.218514469569), +INFO : (13, 11121.247451215759), +INFO : (14, 10970.14314203892), +INFO : (15, 10905.623739037655), +INFO : (16, 10740.746106412702), +INFO : (17, 10760.409669969556), +INFO : (18, 10666.482880641943), +INFO : (19, 10601.967889294205), +INFO : (20, 10599.615269065138), +INFO : (21, 10646.504331140679), +INFO : (22, 10634.943328243271), +INFO : (23, 10614.553977162554), +INFO : (24, 10681.293505137237), +INFO : (25, 10765.454147510409), +INFO : (26, 10743.299852698281), +INFO : (27, 11045.48463063986), +INFO : (28, 10942.664617730843), +INFO : (29, 11172.654235204636), +INFO : (30, 11287.974947514835), +INFO : (31, 11459.249455775926), +INFO : (32, 11530.804998215717), +INFO : (33, 11811.367280114075), +INFO : (34, 11951.145007348146), +INFO : (35, 12085.784447125729), +INFO : (36, 12308.46764485182), +INFO : (37, 12504.869105788432), +INFO : (38, 12782.545755250316), +INFO : (39, 13024.301256219806), +INFO : (40, 13187.265097531466), +INFO : (41, 13558.813154044223), +INFO : (42, 13777.68087103411), +INFO : (43, 14124.982850338982), +INFO : (44, 14468.317080859684), +INFO : (45, 14627.795657092161), +INFO : (46, 15198.532286980166), +INFO : (47, 15507.812470113628), +INFO : (48, 15816.342402130636), +INFO : (49, 16035.16681789842), +INFO : (50, 16494.816279173756)]} +INFO : +(ClientAppActor pid=3381109) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3381097) Files already downloaded and verified +(ClientAppActor pid=3381114) Files already downloaded and verified [repeated 4x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3381118) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3381116) Files already downloaded and verified [repeated 7x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.5_NOISE.txt new file mode 100644 index 000000000000..97983927dbc6 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.5_NOISE.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.5 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377004) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377009) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377011) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377004) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377004) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3377003) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1893.19s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.295886), +INFO : (2, 0.4085), +INFO : (3, 0.46201), +INFO : (4, 0.496712), +INFO : (5, 0.53003), +INFO : (6, 0.55331), +INFO : (7, 0.579926), +INFO : (8, 0.59662), +INFO : (9, 0.612316), +INFO : (10, 0.62769), +INFO : (11, 0.636842), +INFO : (12, 0.651984), +INFO : (13, 0.662956), +INFO : (14, 0.669888), +INFO : (15, 0.684998), +INFO : (16, 0.6937), +INFO : (17, 0.70153), +INFO : (18, 0.710358), +INFO : (19, 0.716532), +INFO : (20, 0.725636), +INFO : (21, 0.734556), +INFO : (22, 0.741336), +INFO : (23, 0.749666), +INFO : (24, 0.757074), +INFO : (25, 0.76308), +INFO : (26, 0.768684), +INFO : (27, 0.777088), +INFO : (28, 0.780836), +INFO : (29, 0.79063), +INFO : (30, 0.78825), +INFO : (31, 0.803098), +INFO : (32, 0.803064), +INFO : (33, 0.80718), +INFO : (34, 0.819336), +INFO : (35, 0.822386), +INFO : (36, 0.82537), +INFO : (37, 0.830828), +INFO : (38, 0.836218), +INFO : (39, 0.840954), +INFO : (40, 0.839954), +INFO : (41, 0.84813), +INFO : (42, 0.850228), +INFO : (43, 0.858264), +INFO : (44, 0.861274), +INFO : (45, 0.866344), +INFO : (46, 0.866522), +INFO : (47, 0.86963), +INFO : (48, 0.873306), +INFO : (49, 0.871878), +INFO : (50, 0.879974)], +INFO : 'train_loss': [(1, 3040.7775754213335), +INFO : (2, 2523.518907392025), +INFO : (3, 2319.630994236469), +INFO : (4, 2180.4861938416957), +INFO : (5, 2051.8876812160015), +INFO : (6, 1956.138635724783), +INFO : (7, 1849.1726826310157), +INFO : (8, 1785.7286303758622), +INFO : (9, 1719.889958575368), +INFO : (10, 1655.1419084638358), +INFO : (11, 1613.6621783047915), +INFO : (12, 1551.9708254933357), +INFO : (13, 1501.3014011651278), +INFO : (14, 1475.0461971253158), +INFO : (15, 1410.289660871029), +INFO : (16, 1373.7916229367256), +INFO : (17, 1336.5932248830795), +INFO : (18, 1300.1033375829459), +INFO : (19, 1275.699106529355), +INFO : (20, 1230.8337233185769), +INFO : (21, 1192.9795281797647), +INFO : (22, 1162.1059349417687), +INFO : (23, 1127.967923554778), +INFO : (24, 1095.7029251769186), +INFO : (25, 1064.7028533920645), +INFO : (26, 1041.9673275232315), +INFO : (27, 1004.5008860751987), +INFO : (28, 986.463650316), +INFO : (29, 944.7944472566247), +INFO : (30, 947.5389442190528), +INFO : (31, 889.081486684084), +INFO : (32, 883.5211551889777), +INFO : (33, 862.1014831781388), +INFO : (34, 815.1363297775388), +INFO : (35, 797.8167433291674), +INFO : (36, 782.4576931208372), +INFO : (37, 758.8256302975118), +INFO : (38, 736.0110397920013), +INFO : (39, 713.5473890215159), +INFO : (40, 710.8326959423721), +INFO : (41, 679.9059416629374), +INFO : (42, 666.1187319785356), +INFO : (43, 635.9283650182188), +INFO : (44, 618.5312295660376), +INFO : (45, 597.220629940182), +INFO : (46, 594.4169987142086), +INFO : (47, 575.8418557871133), +INFO : (48, 562.375730612129), +INFO : (49, 560.9645690448582), +INFO : (50, 530.3883405722678)], +INFO : 'val_accuracy': [(1, 0.2968), +INFO : (2, 0.40879), +INFO : (3, 0.4582), +INFO : (4, 0.48961), +INFO : (5, 0.51877), +INFO : (6, 0.53867), +INFO : (7, 0.56302), +INFO : (8, 0.57473), +INFO : (9, 0.58687), +INFO : (10, 0.59887), +INFO : (11, 0.60371), +INFO : (12, 0.61451), +INFO : (13, 0.62232), +INFO : (14, 0.62444), +INFO : (15, 0.63215), +INFO : (16, 0.63459), +INFO : (17, 0.63914), +INFO : (18, 0.63917), +INFO : (19, 0.63946), +INFO : (20, 0.64436), +INFO : (21, 0.64672), +INFO : (22, 0.64681), +INFO : (23, 0.64764), +INFO : (24, 0.64922), +INFO : (25, 0.64806), +INFO : (26, 0.64741), +INFO : (27, 0.64786), +INFO : (28, 0.64765), +INFO : (29, 0.64902), +INFO : (30, 0.64405), +INFO : (31, 0.64891), +INFO : (32, 0.64494), +INFO : (33, 0.64522), +INFO : (34, 0.6455), +INFO : (35, 0.6433), +INFO : (36, 0.64107), +INFO : (37, 0.64258), +INFO : (38, 0.641), +INFO : (39, 0.64111), +INFO : (40, 0.63908), +INFO : (41, 0.63737), +INFO : (42, 0.63854), +INFO : (43, 0.63674), +INFO : (44, 0.63824), +INFO : (45, 0.63592), +INFO : (46, 0.63251), +INFO : (47, 0.63439), +INFO : (48, 0.6332), +INFO : (49, 0.62996), +INFO : (50, 0.62864)], +INFO : 'val_loss': [(1, 19414.011060979963), +INFO : (2, 16111.219013050946), +INFO : (3, 14871.787483577105), +INFO : (4, 14078.217897184357), +INFO : (5, 13366.954114482784), +INFO : (6, 12883.401672031838), +INFO : (7, 12319.727966767248), +INFO : (8, 12013.667705576825), +INFO : (9, 11706.553613027156), +INFO : (10, 11405.470509991754), +INFO : (11, 11255.655659014084), +INFO : (12, 11011.727230192133), +INFO : (13, 10833.234419802677), +INFO : (14, 10808.211968921622), +INFO : (15, 10590.356186807148), +INFO : (16, 10499.944199511057), +INFO : (17, 10465.367401089276), +INFO : (18, 10433.381624767007), +INFO : (19, 10448.28958085744), +INFO : (20, 10397.470810225072), +INFO : (21, 10359.212661842454), +INFO : (22, 10438.857095323752), +INFO : (23, 10464.884706885981), +INFO : (24, 10394.155951787217), +INFO : (25, 10514.22256907427), +INFO : (26, 10611.626844930788), +INFO : (27, 10642.835827348723), +INFO : (28, 10708.107057831068), +INFO : (29, 10803.999024097768), +INFO : (30, 11078.196962537279), +INFO : (31, 10997.313737832928), +INFO : (32, 11328.788304723017), +INFO : (33, 11442.377039422185), +INFO : (34, 11570.686037006999), +INFO : (35, 11819.196168344579), +INFO : (36, 11948.717121510013), +INFO : (37, 12152.87224310945), +INFO : (38, 12335.071327090334), +INFO : (39, 12591.601033321507), +INFO : (40, 12907.302833928989), +INFO : (41, 13095.016862832264), +INFO : (42, 13402.623387803651), +INFO : (43, 13598.230630178174), +INFO : (44, 13939.61898622776), +INFO : (45, 14158.308862573644), +INFO : (46, 14465.736627463604), +INFO : (47, 14941.747553849595), +INFO : (48, 15171.67424103872), +INFO : (49, 15629.227701314734), +INFO : (50, 15811.010472082802)]} +INFO : +(ClientAppActor pid=3377016) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3377003) Files already downloaded and verified +(ClientAppActor pid=3377016) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3377015) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0_NOISE.txt new file mode 100644 index 000000000000..a87ed3472aba --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0_NOISE.txt @@ -0,0 +1,2218 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 2 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 3 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368901) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368901) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368906) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368901) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368906) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 31 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368906) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368901) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 35 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368904) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3368901) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1911.17s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.229526), +INFO : (2, 0.37072), +INFO : (3, 0.429472), +INFO : (4, 0.474912), +INFO : (5, 0.50824), +INFO : (6, 0.54105), +INFO : (7, 0.566416), +INFO : (8, 0.583706), +INFO : (9, 0.602614), +INFO : (10, 0.61656), +INFO : (11, 0.623852), +INFO : (12, 0.642306), +INFO : (13, 0.652636), +INFO : (14, 0.666764), +INFO : (15, 0.66999), +INFO : (16, 0.68137), +INFO : (17, 0.692568), +INFO : (18, 0.696118), +INFO : (19, 0.705104), +INFO : (20, 0.711648), +INFO : (21, 0.725424), +INFO : (22, 0.731156), +INFO : (23, 0.740196), +INFO : (24, 0.74865), +INFO : (25, 0.750036), +INFO : (26, 0.758006), +INFO : (27, 0.770254), +INFO : (28, 0.769818), +INFO : (29, 0.78013), +INFO : (30, 0.788172), +INFO : (31, 0.78764), +INFO : (32, 0.795306), +INFO : (33, 0.80179), +INFO : (34, 0.80201), +INFO : (35, 0.81372), +INFO : (36, 0.81573), +INFO : (37, 0.823362), +INFO : (38, 0.821094), +INFO : (39, 0.83135), +INFO : (40, 0.83156), +INFO : (41, 0.842094), +INFO : (42, 0.844034), +INFO : (43, 0.851124), +INFO : (44, 0.848872), +INFO : (45, 0.848718), +INFO : (46, 0.857532), +INFO : (47, 0.864434), +INFO : (48, 0.865684), +INFO : (49, 0.866888), +INFO : (50, 0.873532)], +INFO : 'train_loss': [(1, 3284.634068226814), +INFO : (2, 2682.6467757821083), +INFO : (3, 2432.8473359227182), +INFO : (4, 2264.7220079004765), +INFO : (5, 2137.107595872879), +INFO : (6, 2002.9871006548406), +INFO : (7, 1915.4593930006026), +INFO : (8, 1835.0629724204541), +INFO : (9, 1756.3412524700166), +INFO : (10, 1700.8136546611786), +INFO : (11, 1668.0429052084685), +INFO : (12, 1597.2915429979562), +INFO : (13, 1544.6491375416517), +INFO : (14, 1486.693739670515), +INFO : (15, 1477.2019153475762), +INFO : (16, 1425.0225442677736), +INFO : (17, 1370.6808095306158), +INFO : (18, 1354.646357741952), +INFO : (19, 1318.348814663291), +INFO : (20, 1286.4654657632113), +INFO : (21, 1226.3648229509593), +INFO : (22, 1198.9349529385568), +INFO : (23, 1162.3748445495962), +INFO : (24, 1124.043485531211), +INFO : (25, 1114.845734037459), +INFO : (26, 1078.937017710507), +INFO : (27, 1034.1499345958232), +INFO : (28, 1027.396272341907), +INFO : (29, 983.1907126113772), +INFO : (30, 950.2517311677336), +INFO : (31, 946.445577430725), +INFO : (32, 913.5350108832121), +INFO : (33, 888.1911372825504), +INFO : (34, 874.8363633133471), +INFO : (35, 832.87288954705), +INFO : (36, 821.7340270437301), +INFO : (37, 787.6474454969168), +INFO : (38, 790.5783934876323), +INFO : (39, 747.8413528315723), +INFO : (40, 745.3779656633735), +INFO : (41, 703.588730544597), +INFO : (42, 692.0508393160999), +INFO : (43, 664.9811123840511), +INFO : (44, 664.5483424395322), +INFO : (45, 663.0183552898467), +INFO : (46, 628.6000921599567), +INFO : (47, 599.4679162420332), +INFO : (48, 591.6221615388989), +INFO : (49, 582.6061941340565), +INFO : (50, 553.9941482998431)], +INFO : 'val_accuracy': [(1, 0.23111), +INFO : (2, 0.3764), +INFO : (3, 0.43256), +INFO : (4, 0.47336), +INFO : (5, 0.50144), +INFO : (6, 0.53044), +INFO : (7, 0.54979), +INFO : (8, 0.56319), +INFO : (9, 0.57813), +INFO : (10, 0.58666), +INFO : (11, 0.59071), +INFO : (12, 0.6018), +INFO : (13, 0.60666), +INFO : (14, 0.61697), +INFO : (15, 0.61437), +INFO : (16, 0.62043), +INFO : (17, 0.62497), +INFO : (18, 0.6229), +INFO : (19, 0.62727), +INFO : (20, 0.62856), +INFO : (21, 0.63518), +INFO : (22, 0.63516), +INFO : (23, 0.63517), +INFO : (24, 0.63796), +INFO : (25, 0.63724), +INFO : (26, 0.63744), +INFO : (27, 0.64011), +INFO : (28, 0.63648), +INFO : (29, 0.63982), +INFO : (30, 0.63994), +INFO : (31, 0.63573), +INFO : (32, 0.63682), +INFO : (33, 0.63612), +INFO : (34, 0.63409), +INFO : (35, 0.63434), +INFO : (36, 0.63191), +INFO : (37, 0.63239), +INFO : (38, 0.62908), +INFO : (39, 0.63168), +INFO : (40, 0.62852), +INFO : (41, 0.62831), +INFO : (42, 0.62451), +INFO : (43, 0.62747), +INFO : (44, 0.6246), +INFO : (45, 0.62015), +INFO : (46, 0.62083), +INFO : (47, 0.62213), +INFO : (48, 0.61933), +INFO : (49, 0.61855), +INFO : (50, 0.61905)], +INFO : 'val_loss': [(1, 20941.668491807584), +INFO : (2, 17036.844177351148), +INFO : (3, 15534.933154058457), +INFO : (4, 14545.405787467304), +INFO : (5, 13802.44532704111), +INFO : (6, 13033.817204230145), +INFO : (7, 12577.221120260825), +INFO : (8, 12202.589720630702), +INFO : (9, 11839.860793450878), +INFO : (10, 11632.273432117941), +INFO : (11, 11567.222828928914), +INFO : (12, 11251.936098688811), +INFO : (13, 11098.977067518943), +INFO : (14, 10883.415945134147), +INFO : (15, 10965.945693114878), +INFO : (16, 10857.031440438075), +INFO : (17, 10705.188527894981), +INFO : (18, 10776.983126687886), +INFO : (19, 10777.066137040778), +INFO : (20, 10726.107790484948), +INFO : (21, 10568.853134877769), +INFO : (22, 10665.068924460293), +INFO : (23, 10631.61139972212), +INFO : (24, 10677.658131642083), +INFO : (25, 10827.114439811521), +INFO : (26, 10838.48385923279), +INFO : (27, 10807.278214219266), +INFO : (28, 11042.121582151713), +INFO : (29, 11044.217962110848), +INFO : (30, 11150.146933609025), +INFO : (31, 11342.216898161383), +INFO : (32, 11503.789266831709), +INFO : (33, 11571.797437339324), +INFO : (34, 11835.740666312011), +INFO : (35, 11933.182384800582), +INFO : (36, 12145.474804370315), +INFO : (37, 12290.242461503207), +INFO : (38, 12624.401492244713), +INFO : (39, 12784.556698154638), +INFO : (40, 13047.485207864887), +INFO : (41, 13126.051784403657), +INFO : (42, 13451.234992175305), +INFO : (43, 13662.205958695464), +INFO : (44, 14015.103490831172), +INFO : (45, 14428.963462665408), +INFO : (46, 14505.646819228265), +INFO : (47, 14847.862617734489), +INFO : (48, 15257.537261075215), +INFO : (49, 15505.251325226063), +INFO : (50, 15797.282020979337)]} +INFO : +(ClientAppActor pid=3368910) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3368905) Files already downloaded and verified +(ClientAppActor pid=3368910) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3368912) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_1.0_NOISE.txt new file mode 100644 index 000000000000..734c5afe7300 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_1.0_NOISE.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 1.0 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372966) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372969) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372969) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372964) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372964) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372962) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372968) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372964) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372962) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372964) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372968) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372962) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372969) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372966) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372962) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372964) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372962) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372962) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372962) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372963) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3372962) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1893.20s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.220078), +INFO : (2, 0.36901), +INFO : (3, 0.445186), +INFO : (4, 0.4877), +INFO : (5, 0.518016), +INFO : (6, 0.542426), +INFO : (7, 0.56299), +INFO : (8, 0.586392), +INFO : (9, 0.603882), +INFO : (10, 0.61582), +INFO : (11, 0.625074), +INFO : (12, 0.644416), +INFO : (13, 0.65397), +INFO : (14, 0.668688), +INFO : (15, 0.673518), +INFO : (16, 0.682016), +INFO : (17, 0.695402), +INFO : (18, 0.702064), +INFO : (19, 0.713634), +INFO : (20, 0.71916), +INFO : (21, 0.730836), +INFO : (22, 0.735912), +INFO : (23, 0.7371), +INFO : (24, 0.747768), +INFO : (25, 0.756246), +INFO : (26, 0.761832), +INFO : (27, 0.768892), +INFO : (28, 0.77721), +INFO : (29, 0.781986), +INFO : (30, 0.78843), +INFO : (31, 0.795478), +INFO : (32, 0.797684), +INFO : (33, 0.806228), +INFO : (34, 0.80997), +INFO : (35, 0.811316), +INFO : (36, 0.820728), +INFO : (37, 0.827686), +INFO : (38, 0.831992), +INFO : (39, 0.838222), +INFO : (40, 0.84115), +INFO : (41, 0.845636), +INFO : (42, 0.84713), +INFO : (43, 0.849514), +INFO : (44, 0.856662), +INFO : (45, 0.860114), +INFO : (46, 0.865896), +INFO : (47, 0.868338), +INFO : (48, 0.874834), +INFO : (49, 0.87681), +INFO : (50, 0.878766)], +INFO : 'train_loss': [(1, 3436.283775115013), +INFO : (2, 2679.8149715423583), +INFO : (3, 2381.31860858202), +INFO : (4, 2212.4510071992872), +INFO : (5, 2092.2796485722065), +INFO : (6, 1998.1835487246512), +INFO : (7, 1912.064535856247), +INFO : (8, 1821.9093517899514), +INFO : (9, 1751.1420330405235), +INFO : (10, 1709.5043903946876), +INFO : (11, 1664.9166576892137), +INFO : (12, 1585.3346976667642), +INFO : (13, 1547.214500501752), +INFO : (14, 1485.7748105466367), +INFO : (15, 1457.2733046203853), +INFO : (16, 1424.7735879063607), +INFO : (17, 1366.8055009663105), +INFO : (18, 1330.3211907416583), +INFO : (19, 1284.398964574933), +INFO : (20, 1254.9569431126117), +INFO : (21, 1212.5402907073499), +INFO : (22, 1183.1656567588448), +INFO : (23, 1173.8258142903446), +INFO : (24, 1126.4038092926144), +INFO : (25, 1090.5012180238962), +INFO : (26, 1065.6876025587321), +INFO : (27, 1033.6571002334356), +INFO : (28, 998.8977138578891), +INFO : (29, 974.9290184870363), +INFO : (30, 947.8574939988554), +INFO : (31, 917.1723105460405), +INFO : (32, 907.3451679959893), +INFO : (33, 870.5838994204998), +INFO : (34, 851.2325077340007), +INFO : (35, 842.1817494034767), +INFO : (36, 800.9468027226627), +INFO : (37, 773.533723346889), +INFO : (38, 752.9199714623392), +INFO : (39, 725.5918970417231), +INFO : (40, 709.2249716632068), +INFO : (41, 689.85137783885), +INFO : (42, 682.0721568621695), +INFO : (43, 667.5127726972103), +INFO : (44, 637.9532081473619), +INFO : (45, 622.4729182645679), +INFO : (46, 598.7411496743559), +INFO : (47, 584.918184056133), +INFO : (48, 557.5553839650005), +INFO : (49, 547.0879257887602), +INFO : (50, 537.639003495127)], +INFO : 'val_accuracy': [(1, 0.22307), +INFO : (2, 0.37103), +INFO : (3, 0.44313), +INFO : (4, 0.48111), +INFO : (5, 0.50799), +INFO : (6, 0.52799), +INFO : (7, 0.54634), +INFO : (8, 0.56507), +INFO : (9, 0.57943), +INFO : (10, 0.58849), +INFO : (11, 0.59503), +INFO : (12, 0.60825), +INFO : (13, 0.61543), +INFO : (14, 0.62567), +INFO : (15, 0.62719), +INFO : (16, 0.62908), +INFO : (17, 0.63666), +INFO : (18, 0.64189), +INFO : (19, 0.64737), +INFO : (20, 0.64759), +INFO : (21, 0.6525), +INFO : (22, 0.65304), +INFO : (23, 0.6483), +INFO : (24, 0.6539), +INFO : (25, 0.65562), +INFO : (26, 0.65482), +INFO : (27, 0.65598), +INFO : (28, 0.65627), +INFO : (29, 0.65842), +INFO : (30, 0.65579), +INFO : (31, 0.65673), +INFO : (32, 0.65517), +INFO : (33, 0.65454), +INFO : (34, 0.65333), +INFO : (35, 0.6504), +INFO : (36, 0.65199), +INFO : (37, 0.65249), +INFO : (38, 0.65145), +INFO : (39, 0.65207), +INFO : (40, 0.65083), +INFO : (41, 0.64776), +INFO : (42, 0.64406), +INFO : (43, 0.64422), +INFO : (44, 0.64442), +INFO : (45, 0.64162), +INFO : (46, 0.64153), +INFO : (47, 0.6425), +INFO : (48, 0.63969), +INFO : (49, 0.64024), +INFO : (50, 0.63842)], +INFO : 'val_loss': [(1, 21972.034397149087), +INFO : (2, 17114.0680388093), +INFO : (3, 15267.728910691383), +INFO : (4, 14280.748397480107), +INFO : (5, 13606.1215018554), +INFO : (6, 13095.86167091494), +INFO : (7, 12627.655306158222), +INFO : (8, 12155.096673133046), +INFO : (9, 11816.331926275692), +INFO : (10, 11623.348215508659), +INFO : (11, 11441.477427543101), +INFO : (12, 11057.07071024065), +INFO : (13, 10925.843476571561), +INFO : (14, 10658.997661612804), +INFO : (15, 10625.721732407786), +INFO : (16, 10569.15821094402), +INFO : (17, 10359.90108459622), +INFO : (18, 10288.074012933666), +INFO : (19, 10205.073236278875), +INFO : (20, 10228.271719093585), +INFO : (21, 10099.166762515315), +INFO : (22, 10127.55717634938), +INFO : (23, 10261.961181297766), +INFO : (24, 10216.95777515591), +INFO : (25, 10201.219244283744), +INFO : (26, 10305.513064360874), +INFO : (27, 10353.763774395304), +INFO : (28, 10437.648172951229), +INFO : (29, 10481.335091939296), +INFO : (30, 10637.929802748473), +INFO : (31, 10701.848196533036), +INFO : (32, 10864.962746400925), +INFO : (33, 10994.987141930356), +INFO : (34, 11191.033751060155), +INFO : (35, 11415.76236535299), +INFO : (36, 11486.28624267404), +INFO : (37, 11669.607761753625), +INFO : (38, 11788.636142916637), +INFO : (39, 11998.84925296072), +INFO : (40, 12270.435945203273), +INFO : (41, 12411.303232856928), +INFO : (42, 12697.553359121135), +INFO : (43, 12895.534856126136), +INFO : (44, 13206.632289661655), +INFO : (45, 13389.749449137222), +INFO : (46, 13653.814533182227), +INFO : (47, 13950.80853502565), +INFO : (48, 14215.153431200377), +INFO : (49, 14510.916067200615), +INFO : (50, 14799.131487115115)]} +INFO : +(ClientAppActor pid=3372977) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3372969) Files already downloaded and verified +(ClientAppActor pid=3372976) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3372977) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.01_NOISE.txt new file mode 100644 index 000000000000..b549e1470de1 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.01_NOISE.txt @@ -0,0 +1,3830 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418838) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418838) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418841) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418835) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418843) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418837) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3418845) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418843) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418844) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418834) INFO : Starting training... +(ClientAppActor pid=3418845) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418847) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418844) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418841) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418847) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418844) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3418843) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418846) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418835) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418835) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418846) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418847) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3418834) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418842) INFO : Starting training... +(ClientAppActor pid=3418835) INFO : Starting training... +(ClientAppActor pid=3418841) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61971 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418843) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418837) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418846) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418842) INFO : Starting training... +(ClientAppActor pid=3418837) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3418834) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418846) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418837) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418845) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418845) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418842) INFO : Starting training... +(ClientAppActor pid=3418834) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418834) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418842) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418840) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3418844) INFO : Starting training... +(ClientAppActor pid=3418843) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418840) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418839) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418841) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3418848) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418841) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3418845) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418848) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418841) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418845) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418842) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418845) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418835) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418841) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418842) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418838) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418833) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418848) INFO : Starting training... +(ClientAppActor pid=3418840) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418839) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418837) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418834) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418848) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418841) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418848) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3418840) INFO : Starting training... +(ClientAppActor pid=3418845) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418842) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418840) INFO : Starting training... +(ClientAppActor pid=3418847) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418847) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418844) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418848) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418842) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418835) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418843) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418848) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418839) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418843) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61975 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418838) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418838) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418842) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418846) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418840) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418844) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3418838) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418838) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418841) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3418843) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418839) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418846) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61974 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... +(ClientAppActor pid=3418839) INFO : Starting training... +(ClientAppActor pid=3418838) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3418834) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3418842) INFO : Starting training... +(ClientAppActor pid=3418845) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3418836) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3418845) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3036.91s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.247035), +INFO : (2, 0.367466), +INFO : (3, 0.438661), +INFO : (4, 0.481242), +INFO : (5, 0.499614), +INFO : (6, 0.527885), +INFO : (7, 0.548685), +INFO : (8, 0.570648), +INFO : (9, 0.588414), +INFO : (10, 0.603486), +INFO : (11, 0.618918), +INFO : (12, 0.629159), +INFO : (13, 0.639788), +INFO : (14, 0.654484), +INFO : (15, 0.66121), +INFO : (16, 0.673713), +INFO : (17, 0.682609), +INFO : (18, 0.691321), +INFO : (19, 0.696804), +INFO : (20, 0.706116), +INFO : (21, 0.713678), +INFO : (22, 0.722982), +INFO : (23, 0.726943), +INFO : (24, 0.736311), +INFO : (25, 0.742845), +INFO : (26, 0.751674), +INFO : (27, 0.752765), +INFO : (28, 0.763568), +INFO : (29, 0.769687), +INFO : (30, 0.771484), +INFO : (31, 0.780913), +INFO : (32, 0.786393), +INFO : (33, 0.788519), +INFO : (34, 0.796377), +INFO : (35, 0.801714), +INFO : (36, 0.807859), +INFO : (37, 0.813733), +INFO : (38, 0.810893), +INFO : (39, 0.819919), +INFO : (40, 0.827627), +INFO : (41, 0.828368), +INFO : (42, 0.83244), +INFO : (43, 0.840682), +INFO : (44, 0.84144), +INFO : (45, 0.847949), +INFO : (46, 0.850793), +INFO : (47, 0.854314), +INFO : (48, 0.856281), +INFO : (49, 0.86024), +INFO : (50, 0.864772)], +INFO : 'train_loss': [(1, 3254.9730654358864), +INFO : (2, 2723.4831071794033), +INFO : (3, 2410.660953518748), +INFO : (4, 2245.1397146463396), +INFO : (5, 2166.128447806835), +INFO : (6, 2049.884541809559), +INFO : (7, 1969.999862062931), +INFO : (8, 1882.6195210129022), +INFO : (9, 1813.8091108590365), +INFO : (10, 1749.4630997955799), +INFO : (11, 1682.5466799080373), +INFO : (12, 1643.3742944285273), +INFO : (13, 1597.416974788904), +INFO : (14, 1537.4777930662035), +INFO : (15, 1505.4597999319435), +INFO : (16, 1454.7661935523151), +INFO : (17, 1412.6167333886028), +INFO : (18, 1375.9498326480389), +INFO : (19, 1351.3472060292959), +INFO : (20, 1309.7480708613991), +INFO : (21, 1274.8318122006954), +INFO : (22, 1235.729455368221), +INFO : (23, 1217.5988540738822), +INFO : (24, 1177.0600177407264), +INFO : (25, 1148.2522151969374), +INFO : (26, 1108.4964777119458), +INFO : (27, 1101.357647356391), +INFO : (28, 1057.699663966149), +INFO : (29, 1027.8497923530638), +INFO : (30, 1016.5615333959461), +INFO : (31, 981.2669924132526), +INFO : (32, 952.6819790072739), +INFO : (33, 939.3265902910382), +INFO : (34, 907.9917437307537), +INFO : (35, 883.0110242180526), +INFO : (36, 855.5258642986416), +INFO : (37, 832.089970959723), +INFO : (38, 835.2008493199944), +INFO : (39, 796.9681093245745), +INFO : (40, 765.2550286203623), +INFO : (41, 761.2621233515441), +INFO : (42, 741.9225384611636), +INFO : (43, 706.4826979994774), +INFO : (44, 696.9607358843089), +INFO : (45, 671.510946604982), +INFO : (46, 656.3274940438569), +INFO : (47, 640.7542949058115), +INFO : (48, 632.0424001066015), +INFO : (49, 613.2862884979695), +INFO : (50, 593.4785222573205)], +INFO : 'val_accuracy': [(1, 0.25403), +INFO : (2, 0.37123), +INFO : (3, 0.439315), +INFO : (4, 0.47892), +INFO : (5, 0.49539), +INFO : (6, 0.521215), +INFO : (7, 0.538825), +INFO : (8, 0.556855), +INFO : (9, 0.568965), +INFO : (10, 0.58069), +INFO : (11, 0.59097), +INFO : (12, 0.597935), +INFO : (13, 0.60329), +INFO : (14, 0.612145), +INFO : (15, 0.613975), +INFO : (16, 0.62014), +INFO : (17, 0.625645), +INFO : (18, 0.62723), +INFO : (19, 0.62936), +INFO : (20, 0.630915), +INFO : (21, 0.631945), +INFO : (22, 0.635425), +INFO : (23, 0.63507), +INFO : (24, 0.63663), +INFO : (25, 0.636695), +INFO : (26, 0.638485), +INFO : (27, 0.635535), +INFO : (28, 0.63736), +INFO : (29, 0.637535), +INFO : (30, 0.63397), +INFO : (31, 0.634075), +INFO : (32, 0.63364), +INFO : (33, 0.63045), +INFO : (34, 0.63232), +INFO : (35, 0.62977), +INFO : (36, 0.629805), +INFO : (37, 0.62868), +INFO : (38, 0.623485), +INFO : (39, 0.62524), +INFO : (40, 0.62563), +INFO : (41, 0.620595), +INFO : (42, 0.62148), +INFO : (43, 0.621775), +INFO : (44, 0.6196), +INFO : (45, 0.61998), +INFO : (46, 0.61789), +INFO : (47, 0.616925), +INFO : (48, 0.61593), +INFO : (49, 0.613865), +INFO : (50, 0.61323)], +INFO : 'val_loss': [(1, 20733.61520758569), +INFO : (2, 17346.039442284033), +INFO : (3, 15392.409708394574), +INFO : (4, 14412.614644519543), +INFO : (5, 13983.627511330824), +INFO : (6, 13307.375287569095), +INFO : (7, 12896.197121840165), +INFO : (8, 12450.786904874145), +INFO : (9, 12149.552718576504), +INFO : (10, 11864.971294596367), +INFO : (11, 11583.339343969665), +INFO : (12, 11462.304973196362), +INFO : (13, 11310.575556356776), +INFO : (14, 11106.222503548755), +INFO : (15, 11060.52845087254), +INFO : (16, 10887.087657505414), +INFO : (17, 10808.80029752437), +INFO : (18, 10790.299223915026), +INFO : (19, 10798.14886516686), +INFO : (20, 10727.55044628409), +INFO : (21, 10738.818100167558), +INFO : (22, 10675.737123073623), +INFO : (23, 10769.579371630876), +INFO : (24, 10765.187491358025), +INFO : (25, 10807.210675613966), +INFO : (26, 10827.391916541414), +INFO : (27, 10996.052633395457), +INFO : (28, 10972.057298928723), +INFO : (29, 11074.494951553343), +INFO : (30, 11323.243122985454), +INFO : (31, 11351.153809590265), +INFO : (32, 11458.088199854492), +INFO : (33, 11691.262434459959), +INFO : (34, 11775.22192824553), +INFO : (35, 11932.809810661272), +INFO : (36, 12086.51363795254), +INFO : (37, 12243.150559432712), +INFO : (38, 12596.92156606866), +INFO : (39, 12764.428913024096), +INFO : (40, 12910.940768786246), +INFO : (41, 13138.02051840733), +INFO : (42, 13445.049492878257), +INFO : (43, 13590.357235231471), +INFO : (44, 13989.34445343918), +INFO : (45, 14102.756953988293), +INFO : (46, 14393.628457752682), +INFO : (47, 14702.43493391352), +INFO : (48, 15011.363618329946), +INFO : (49, 15372.44427587272), +INFO : (50, 15649.438387027376)]} +INFO : +(ClientAppActor pid=3418834) INFO : Starting training... [repeated 3x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3418840) Files already downloaded and verified +(ClientAppActor pid=3418843) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.05_NOISE.txt new file mode 100644 index 000000000000..0913cd97cdd2 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.05_NOISE.txt @@ -0,0 +1,3840 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414193) INFO : Starting training... +(ClientAppActor pid=3414186) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3414192) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414185) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414194) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414197) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414184) INFO : Starting training... +(ClientAppActor pid=3414191) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414193) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3414191) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414189) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414196) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414185) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414186) INFO : Starting training... +(ClientAppActor pid=3414197) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414186) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414191) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3414184) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414190) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414197) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414186) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414193) INFO : Starting training... +(ClientAppActor pid=3414194) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414187) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414192) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414195) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414185) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414195) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414187) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414186) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414191) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414183) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414197) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414186) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414194) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3414195) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414196) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414189) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414184) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414194) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414197) INFO : Starting training... +(ClientAppActor pid=3414184) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414190) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3414185) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414183) INFO : Starting training... +(ClientAppActor pid=3414198) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414194) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3414194) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414187) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414183) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414194) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414189) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414194) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414192) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414195) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414190) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414197) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414195) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414185) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414185) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414195) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414187) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414186) INFO : Starting training... +(ClientAppActor pid=3414188) INFO : Starting training... +(ClientAppActor pid=3414183) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414186) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414184) INFO : Starting training... +(ClientAppActor pid=3414195) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414185) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414192) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414183) INFO : Starting training... +(ClientAppActor pid=3414186) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414183) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414197) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414188) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414191) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414186) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414189) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414191) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414190) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414197) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414195) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414188) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414186) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414197) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414195) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414186) INFO : Starting training... +(ClientAppActor pid=3414189) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414189) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414193) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414186) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414183) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414185) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414187) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414185) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414183) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414196) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3414183) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414195) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... +(ClientAppActor pid=3414185) INFO : Starting training... +(ClientAppActor pid=3414189) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3414183) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3414198) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3414197) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3118.20s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.289964), +INFO : (2, 0.409993), +INFO : (3, 0.454318), +INFO : (4, 0.489615), +INFO : (5, 0.515519), +INFO : (6, 0.540745), +INFO : (7, 0.559838), +INFO : (8, 0.58006), +INFO : (9, 0.594389), +INFO : (10, 0.60828), +INFO : (11, 0.621548), +INFO : (12, 0.631287), +INFO : (13, 0.642989), +INFO : (14, 0.655548), +INFO : (15, 0.66371), +INFO : (16, 0.674519), +INFO : (17, 0.684561), +INFO : (18, 0.692742), +INFO : (19, 0.704193), +INFO : (20, 0.711583), +INFO : (21, 0.720938), +INFO : (22, 0.7268), +INFO : (23, 0.734449), +INFO : (24, 0.743093), +INFO : (25, 0.749238), +INFO : (26, 0.758434), +INFO : (27, 0.763786), +INFO : (28, 0.769462), +INFO : (29, 0.778277), +INFO : (30, 0.781541), +INFO : (31, 0.784649), +INFO : (32, 0.796796), +INFO : (33, 0.800977), +INFO : (34, 0.80381), +INFO : (35, 0.812923), +INFO : (36, 0.814578), +INFO : (37, 0.82153), +INFO : (38, 0.828318), +INFO : (39, 0.832364), +INFO : (40, 0.83671), +INFO : (41, 0.835629), +INFO : (42, 0.840082), +INFO : (43, 0.848573), +INFO : (44, 0.855109), +INFO : (45, 0.856463), +INFO : (46, 0.860918), +INFO : (47, 0.858598), +INFO : (48, 0.867556), +INFO : (49, 0.866697), +INFO : (50, 0.866702)], +INFO : 'train_loss': [(1, 2968.8526821672917), +INFO : (2, 2532.7395671844483), +INFO : (3, 2359.4317351907494), +INFO : (4, 2217.9235373109577), +INFO : (5, 2114.3548517555), +INFO : (6, 2018.5982143372298), +INFO : (7, 1938.1041352421046), +INFO : (8, 1854.6827313005924), +INFO : (9, 1791.3645493984222), +INFO : (10, 1731.9927228420972), +INFO : (11, 1668.5848839983344), +INFO : (12, 1627.2944020345808), +INFO : (13, 1577.2797262191773), +INFO : (14, 1522.7357867613434), +INFO : (15, 1485.7267830580472), +INFO : (16, 1439.373567134142), +INFO : (17, 1395.9950374633074), +INFO : (18, 1362.2216058164836), +INFO : (19, 1311.8895308986307), +INFO : (20, 1277.8493321754038), +INFO : (21, 1237.6875729739666), +INFO : (22, 1209.3211751304566), +INFO : (23, 1178.3160155966877), +INFO : (24, 1139.6581768155097), +INFO : (25, 1114.9916086941957), +INFO : (26, 1074.0212684236467), +INFO : (27, 1049.393469403684), +INFO : (28, 1023.9941887050867), +INFO : (29, 987.2455815896392), +INFO : (30, 969.3210480943322), +INFO : (31, 952.0163961548358), +INFO : (32, 903.4573282159865), +INFO : (33, 885.5531233862042), +INFO : (34, 867.1295016761869), +INFO : (35, 830.729592403397), +INFO : (36, 817.854704900086), +INFO : (37, 792.415515955165), +INFO : (38, 761.751031607762), +INFO : (39, 743.4448418423533), +INFO : (40, 723.1870062813163), +INFO : (41, 722.5378349632025), +INFO : (42, 701.4416587088257), +INFO : (43, 670.3441907797009), +INFO : (44, 639.1825709480793), +INFO : (45, 632.098123351112), +INFO : (46, 610.0616787813603), +INFO : (47, 616.114469478838), +INFO : (48, 580.1771976605057), +INFO : (49, 580.4666392609477), +INFO : (50, 577.7141874304042)], +INFO : 'val_accuracy': [(1, 0.29776), +INFO : (2, 0.411635), +INFO : (3, 0.455795), +INFO : (4, 0.48675), +INFO : (5, 0.50711), +INFO : (6, 0.529745), +INFO : (7, 0.545585), +INFO : (8, 0.563275), +INFO : (9, 0.57302), +INFO : (10, 0.5823), +INFO : (11, 0.59278), +INFO : (12, 0.596855), +INFO : (13, 0.60399), +INFO : (14, 0.61184), +INFO : (15, 0.614975), +INFO : (16, 0.62003), +INFO : (17, 0.62312), +INFO : (18, 0.625785), +INFO : (19, 0.62848), +INFO : (20, 0.629425), +INFO : (21, 0.63247), +INFO : (22, 0.63125), +INFO : (23, 0.633035), +INFO : (24, 0.63319), +INFO : (25, 0.63242), +INFO : (26, 0.634265), +INFO : (27, 0.63237), +INFO : (28, 0.63121), +INFO : (29, 0.631965), +INFO : (30, 0.631055), +INFO : (31, 0.628245), +INFO : (32, 0.63089), +INFO : (33, 0.628455), +INFO : (34, 0.626035), +INFO : (35, 0.625945), +INFO : (36, 0.624825), +INFO : (37, 0.623915), +INFO : (38, 0.62334), +INFO : (39, 0.62053), +INFO : (40, 0.621275), +INFO : (41, 0.617795), +INFO : (42, 0.61633), +INFO : (43, 0.616405), +INFO : (44, 0.616715), +INFO : (45, 0.6155), +INFO : (46, 0.61382), +INFO : (47, 0.609805), +INFO : (48, 0.609995), +INFO : (49, 0.60708), +INFO : (50, 0.606435)], +INFO : 'val_loss': [(1, 18906.286596397687), +INFO : (2, 16137.29964758288), +INFO : (3, 15061.590991574383), +INFO : (4, 14226.870289176686), +INFO : (5, 13664.09128585718), +INFO : (6, 13132.453590866236), +INFO : (7, 12724.700947884217), +INFO : (8, 12312.927817592938), +INFO : (9, 12037.40604464805), +INFO : (10, 11810.971186407522), +INFO : (11, 11556.183596015013), +INFO : (12, 11437.321372127486), +INFO : (13, 11297.91919015277), +INFO : (14, 11103.958952615387), +INFO : (15, 11068.115816560394), +INFO : (16, 10971.82583344784), +INFO : (17, 10897.43761295225), +INFO : (18, 10876.933787261547), +INFO : (19, 10790.398522230753), +INFO : (20, 10807.131935277957), +INFO : (21, 10801.654343816628), +INFO : (22, 10887.941361356916), +INFO : (23, 10913.173795529763), +INFO : (24, 10940.937721440609), +INFO : (25, 11024.373576841766), +INFO : (26, 11086.989028185419), +INFO : (27, 11212.45379867119), +INFO : (28, 11344.348756907919), +INFO : (29, 11402.834090421262), +INFO : (30, 11591.943703516443), +INFO : (31, 11784.982788646576), +INFO : (32, 11866.893243554603), +INFO : (33, 12037.178491199966), +INFO : (34, 12309.241098250926), +INFO : (35, 12449.898648368418), +INFO : (36, 12770.253849764707), +INFO : (37, 12865.271965179558), +INFO : (38, 13039.690304119313), +INFO : (39, 13396.307975137235), +INFO : (40, 13574.536263799895), +INFO : (41, 14033.985859637261), +INFO : (42, 14289.93264059028), +INFO : (43, 14536.282561599044), +INFO : (44, 14799.293555623559), +INFO : (45, 15135.363135357298), +INFO : (46, 15497.720595097207), +INFO : (47, 15969.16927248583), +INFO : (48, 16262.413848326161), +INFO : (49, 16777.972300194968), +INFO : (50, 17187.790873550995)]} +INFO : +(ClientAppActor pid=3414193) INFO : Starting training... [repeated 3x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3414193) Files already downloaded and verified +(ClientAppActor pid=3414194) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.1_NOISE.txt new file mode 100644 index 000000000000..92ecda516672 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.1_NOISE.txt @@ -0,0 +1,3841 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408460) INFO : Starting training... +(ClientAppActor pid=3408465) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3408468) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408468) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408465) INFO : Starting training... +(ClientAppActor pid=3408457) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408462) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408465) INFO : Starting training... +(ClientAppActor pid=3408457) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408462) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408472) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408465) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408467) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408472) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408466) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408463) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408461) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408465) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408463) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408469) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408468) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408466) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408462) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408470) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408457) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408465) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408458) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408466) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408468) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408461) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408460) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408470) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408466) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408465) INFO : Starting training... +(ClientAppActor pid=3408471) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408472) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408468) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408460) INFO : Starting training... +(ClientAppActor pid=3408468) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408472) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408458) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408468) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408461) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408469) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408458) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408461) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408460) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408468) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408472) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408459) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408472) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408467) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3408462) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408466) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408458) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408460) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3408467) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408458) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408467) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408458) INFO : Starting training... +(ClientAppActor pid=3408471) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408459) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408458) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408470) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3408463) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408469) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408460) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408459) INFO : Starting training... +(ClientAppActor pid=3408472) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408469) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408460) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408470) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408461) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408460) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408461) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408458) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408465) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408459) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408460) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408468) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408459) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408468) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408460) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408466) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408461) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3408472) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408469) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408460) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3408472) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3408470) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408472) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408461) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408463) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408458) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... +(ClientAppActor pid=3408462) INFO : Starting training... +(ClientAppActor pid=3408458) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3408459) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408465) INFO : Starting training... +(ClientAppActor pid=3408460) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3408464) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3408468) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3408469) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3131.19s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.283532), +INFO : (2, 0.402117), +INFO : (3, 0.461244), +INFO : (4, 0.496576), +INFO : (5, 0.522074), +INFO : (6, 0.545593), +INFO : (7, 0.565703), +INFO : (8, 0.579636), +INFO : (9, 0.603302), +INFO : (10, 0.613554), +INFO : (11, 0.628626), +INFO : (12, 0.640574), +INFO : (13, 0.650576), +INFO : (14, 0.66252), +INFO : (15, 0.674844), +INFO : (16, 0.681309), +INFO : (17, 0.689329), +INFO : (18, 0.701084), +INFO : (19, 0.709719), +INFO : (20, 0.717442), +INFO : (21, 0.724763), +INFO : (22, 0.734191), +INFO : (23, 0.73742), +INFO : (24, 0.746537), +INFO : (25, 0.752639), +INFO : (26, 0.76306), +INFO : (27, 0.765439), +INFO : (28, 0.774546), +INFO : (29, 0.779765), +INFO : (30, 0.787236), +INFO : (31, 0.789239), +INFO : (32, 0.798235), +INFO : (33, 0.805923), +INFO : (34, 0.802552), +INFO : (35, 0.81021), +INFO : (36, 0.820635), +INFO : (37, 0.825113), +INFO : (38, 0.825904), +INFO : (39, 0.833332), +INFO : (40, 0.834031), +INFO : (41, 0.841054), +INFO : (42, 0.847107), +INFO : (43, 0.850316), +INFO : (44, 0.85148), +INFO : (45, 0.860885), +INFO : (46, 0.860886), +INFO : (47, 0.867034), +INFO : (48, 0.866838), +INFO : (49, 0.871684), +INFO : (50, 0.875402)], +INFO : 'train_loss': [(1, 3069.245123821497), +INFO : (2, 2535.379497677088), +INFO : (3, 2311.1531431019307), +INFO : (4, 2175.633299526572), +INFO : (5, 2070.441222691536), +INFO : (6, 1978.1466533213854), +INFO : (7, 1898.3400699585677), +INFO : (8, 1843.3262842476367), +INFO : (9, 1749.8238171637058), +INFO : (10, 1706.464311350882), +INFO : (11, 1647.3179837323726), +INFO : (12, 1593.6378546983003), +INFO : (13, 1552.6415543198586), +INFO : (14, 1498.596547560394), +INFO : (15, 1447.573760716617), +INFO : (16, 1416.3725072681905), +INFO : (17, 1381.060893881321), +INFO : (18, 1332.4662701398133), +INFO : (19, 1293.1597019404173), +INFO : (20, 1262.889719863981), +INFO : (21, 1227.97368119061), +INFO : (22, 1185.5568276382983), +INFO : (23, 1170.6972498498858), +INFO : (24, 1133.1986233025789), +INFO : (25, 1103.8452617831529), +INFO : (26, 1059.1449118323624), +INFO : (27, 1047.3658969894052), +INFO : (28, 1007.7780088074505), +INFO : (29, 983.5542173095048), +INFO : (30, 952.7804506570101), +INFO : (31, 940.6005685955286), +INFO : (32, 904.4362101122737), +INFO : (33, 868.8209159646183), +INFO : (34, 880.3078615650535), +INFO : (35, 844.1149466753006), +INFO : (36, 803.0699953544885), +INFO : (37, 781.0497674290091), +INFO : (38, 774.1509961850941), +INFO : (39, 742.8606267377734), +INFO : (40, 736.6019145771861), +INFO : (41, 703.7521258845925), +INFO : (42, 679.2906892769039), +INFO : (43, 664.0940841495991), +INFO : (44, 656.8111296653748), +INFO : (45, 616.8025099671446), +INFO : (46, 614.253320888616), +INFO : (47, 589.2277694588527), +INFO : (48, 584.1632029259578), +INFO : (49, 562.6923594525084), +INFO : (50, 546.4363551545888)], +INFO : 'val_accuracy': [(1, 0.28266), +INFO : (2, 0.39883), +INFO : (3, 0.45622), +INFO : (4, 0.490585), +INFO : (5, 0.511845), +INFO : (6, 0.531625), +INFO : (7, 0.54674), +INFO : (8, 0.557995), +INFO : (9, 0.57544), +INFO : (10, 0.584225), +INFO : (11, 0.59506), +INFO : (12, 0.601875), +INFO : (13, 0.60768), +INFO : (14, 0.61509), +INFO : (15, 0.622625), +INFO : (16, 0.625005), +INFO : (17, 0.627565), +INFO : (18, 0.63323), +INFO : (19, 0.63617), +INFO : (20, 0.63858), +INFO : (21, 0.63974), +INFO : (22, 0.6434), +INFO : (23, 0.641705), +INFO : (24, 0.64269), +INFO : (25, 0.64334), +INFO : (26, 0.64738), +INFO : (27, 0.6432), +INFO : (28, 0.646085), +INFO : (29, 0.64564), +INFO : (30, 0.646705), +INFO : (31, 0.64346), +INFO : (32, 0.64532), +INFO : (33, 0.646965), +INFO : (34, 0.64139), +INFO : (35, 0.642705), +INFO : (36, 0.64392), +INFO : (37, 0.64214), +INFO : (38, 0.638815), +INFO : (39, 0.640295), +INFO : (40, 0.63841), +INFO : (41, 0.63753), +INFO : (42, 0.637895), +INFO : (43, 0.63548), +INFO : (44, 0.634265), +INFO : (45, 0.635045), +INFO : (46, 0.632005), +INFO : (47, 0.63158), +INFO : (48, 0.629255), +INFO : (49, 0.628265), +INFO : (50, 0.627255)], +INFO : 'val_loss': [(1, 19648.29055531248), +INFO : (2, 16243.503257734887), +INFO : (3, 14842.687936941584), +INFO : (4, 14024.715079637059), +INFO : (5, 13458.730095132227), +INFO : (6, 12957.651531934762), +INFO : (7, 12571.808900594746), +INFO : (8, 12336.472207082012), +INFO : (9, 11896.335020696553), +INFO : (10, 11756.804862919338), +INFO : (11, 11511.027962006408), +INFO : (12, 11360.001408181814), +INFO : (13, 11226.244964614241), +INFO : (14, 11045.860367598723), +INFO : (15, 10925.61292136124), +INFO : (16, 10886.253843190581), +INFO : (17, 10825.897741368066), +INFO : (18, 10718.748939409095), +INFO : (19, 10681.107560538201), +INFO : (20, 10659.436513526383), +INFO : (21, 10684.372565751424), +INFO : (22, 10627.09602807706), +INFO : (23, 10736.734247714723), +INFO : (24, 10736.858707419135), +INFO : (25, 10793.395775892845), +INFO : (26, 10729.338651232936), +INFO : (27, 10910.431824564092), +INFO : (28, 10963.961103121503), +INFO : (29, 11029.357168349683), +INFO : (30, 11109.160090691277), +INFO : (31, 11286.698525190934), +INFO : (32, 11376.94957994707), +INFO : (33, 11454.780869212116), +INFO : (34, 11788.154488876522), +INFO : (35, 11893.934743916887), +INFO : (36, 11923.627568234528), +INFO : (37, 12166.837755645343), +INFO : (38, 12443.576875257995), +INFO : (39, 12557.833391783463), +INFO : (40, 12869.110937882186), +INFO : (41, 13095.5443874821), +INFO : (42, 13314.169500911654), +INFO : (43, 13656.812608007505), +INFO : (44, 13913.474197191426), +INFO : (45, 14168.639788643253), +INFO : (46, 14509.641862627775), +INFO : (47, 14807.709128723094), +INFO : (48, 15219.418439855745), +INFO : (49, 15539.809978671941), +INFO : (50, 15863.16152055056)]} +INFO : +(ClientAppActor pid=3408462) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3408460) Files already downloaded and verified +(ClientAppActor pid=3408467) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.5_NOISE.txt new file mode 100644 index 000000000000..5a75f4cce561 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.5_NOISE.txt @@ -0,0 +1,3832 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.5 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403804) INFO : Starting training... +(ClientAppActor pid=3403801) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3403796) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403804) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403795) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403793) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403793) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403803) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403804) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403799) INFO : Starting training... +(ClientAppActor pid=3403806) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403801) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403796) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403799) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403802) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... +(ClientAppActor pid=3403804) INFO : Starting training... +(ClientAppActor pid=3403793) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403799) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403796) INFO : Starting training... +(ClientAppActor pid=3403797) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403796) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403795) INFO : Starting training... +(ClientAppActor pid=3403805) INFO : Starting training... +(ClientAppActor pid=3403798) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... +(ClientAppActor pid=3403791) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3403793) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403801) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403798) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403795) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403804) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3403805) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403796) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403801) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403803) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403803) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403801) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403804) INFO : Starting training... +(ClientAppActor pid=3403795) INFO : Starting training... +(ClientAppActor pid=3403797) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3403806) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403799) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403793) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3403798) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403805) INFO : Starting training... +(ClientAppActor pid=3403793) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403805) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403801) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... +(ClientAppActor pid=3403804) INFO : Starting training... +(ClientAppActor pid=3403796) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3403799) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403793) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403798) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403802) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... +(ClientAppActor pid=3403793) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403803) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... +(ClientAppActor pid=3403804) INFO : Starting training... +(ClientAppActor pid=3403794) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3403806) INFO : Starting training... +(ClientAppActor pid=3403792) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403806) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3403806) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403791) INFO : Starting training... +(ClientAppActor pid=3403794) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403795) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403806) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403804) INFO : Starting training... +(ClientAppActor pid=3403794) INFO : Starting training... +(ClientAppActor pid=3403795) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3403797) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... +(ClientAppActor pid=3403804) INFO : Starting training... +(ClientAppActor pid=3403799) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3403792) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... +(ClientAppActor pid=3403801) INFO : Starting training... +(ClientAppActor pid=3403805) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... +(ClientAppActor pid=3403804) INFO : Starting training... +(ClientAppActor pid=3403792) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3403803) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403792) INFO : Starting training... +(ClientAppActor pid=3403797) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403805) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403795) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3403799) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403804) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403796) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403791) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403802) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403793) INFO : Starting training... +(ClientAppActor pid=3403805) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403805) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403792) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403801) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403794) INFO : Starting training... +(ClientAppActor pid=3403805) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403801) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403792) INFO : Starting training... +(ClientAppActor pid=3403803) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403805) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403792) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403793) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403804) INFO : Starting training... +(ClientAppActor pid=3403792) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403796) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403806) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... +(ClientAppActor pid=3403804) INFO : Starting training... +(ClientAppActor pid=3403806) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3403794) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403804) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403802) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403797) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3403792) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... +(ClientAppActor pid=3403795) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3403805) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3403797) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3403800) INFO : Starting training... +(ClientAppActor pid=3403804) INFO : Starting training... +(ClientAppActor pid=3403802) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3403796) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3154.21s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.278438), +INFO : (2, 0.400197), +INFO : (3, 0.447121), +INFO : (4, 0.477507), +INFO : (5, 0.507043), +INFO : (6, 0.535111), +INFO : (7, 0.561593), +INFO : (8, 0.579049), +INFO : (9, 0.598211), +INFO : (10, 0.614902), +INFO : (11, 0.624256), +INFO : (12, 0.640439), +INFO : (13, 0.65214), +INFO : (14, 0.664198), +INFO : (15, 0.674948), +INFO : (16, 0.683345), +INFO : (17, 0.693065), +INFO : (18, 0.704194), +INFO : (19, 0.712288), +INFO : (20, 0.72007), +INFO : (21, 0.729565), +INFO : (22, 0.730459), +INFO : (23, 0.738952), +INFO : (24, 0.744942), +INFO : (25, 0.758412), +INFO : (26, 0.760127), +INFO : (27, 0.767045), +INFO : (28, 0.774473), +INFO : (29, 0.777942), +INFO : (30, 0.784343), +INFO : (31, 0.791864), +INFO : (32, 0.797098), +INFO : (33, 0.80212), +INFO : (34, 0.809319), +INFO : (35, 0.814613), +INFO : (36, 0.820288), +INFO : (37, 0.823715), +INFO : (38, 0.833276), +INFO : (39, 0.835091), +INFO : (40, 0.836464), +INFO : (41, 0.846133), +INFO : (42, 0.850357), +INFO : (43, 0.852702), +INFO : (44, 0.855585), +INFO : (45, 0.860981), +INFO : (46, 0.861683), +INFO : (47, 0.867297), +INFO : (48, 0.870872), +INFO : (49, 0.87294), +INFO : (50, 0.876744)], +INFO : 'train_loss': [(1, 3120.6625979363916), +INFO : (2, 2568.447284269333), +INFO : (3, 2377.896955907345), +INFO : (4, 2255.5918614953757), +INFO : (5, 2136.412474477291), +INFO : (6, 2027.637086570263), +INFO : (7, 1923.7462685614823), +INFO : (8, 1852.0498447716236), +INFO : (9, 1771.5438541933895), +INFO : (10, 1704.321317243576), +INFO : (11, 1664.9191485837102), +INFO : (12, 1595.791304886341), +INFO : (13, 1547.9173419609665), +INFO : (14, 1499.375514088571), +INFO : (15, 1451.5850723803044), +INFO : (16, 1414.7868580698967), +INFO : (17, 1372.4075782582163), +INFO : (18, 1323.2057717472314), +INFO : (19, 1289.0923421725631), +INFO : (20, 1252.0000274002552), +INFO : (21, 1215.1198810681701), +INFO : (22, 1203.1848835587502), +INFO : (23, 1166.3234273284675), +INFO : (24, 1138.2467072635889), +INFO : (25, 1085.115346095711), +INFO : (26, 1070.7721010528505), +INFO : (27, 1041.1376887053252), +INFO : (28, 1007.6243624418973), +INFO : (29, 987.9075629554688), +INFO : (30, 960.2316793777048), +INFO : (31, 930.0850688405335), +INFO : (32, 906.398602809757), +INFO : (33, 881.8453501328826), +INFO : (34, 850.944041134417), +INFO : (35, 828.2559921618551), +INFO : (36, 801.9677096650005), +INFO : (37, 787.8402046907693), +INFO : (38, 747.1359439671039), +INFO : (39, 734.294497679919), +INFO : (40, 727.2657689221203), +INFO : (41, 686.6559378553181), +INFO : (42, 666.3886469762772), +INFO : (43, 655.2469739995897), +INFO : (44, 641.8455015599727), +INFO : (45, 617.1467235615477), +INFO : (46, 610.5983986165375), +INFO : (47, 586.0512302074582), +INFO : (48, 568.3152525506914), +INFO : (49, 560.3338215529918), +INFO : (50, 541.887833796069)], +INFO : 'val_accuracy': [(1, 0.282235), +INFO : (2, 0.39869), +INFO : (3, 0.44269), +INFO : (4, 0.47242), +INFO : (5, 0.49872), +INFO : (6, 0.522165), +INFO : (7, 0.543215), +INFO : (8, 0.556695), +INFO : (9, 0.572475), +INFO : (10, 0.584325), +INFO : (11, 0.5903), +INFO : (12, 0.602265), +INFO : (13, 0.60815), +INFO : (14, 0.615595), +INFO : (15, 0.620495), +INFO : (16, 0.622335), +INFO : (17, 0.62574), +INFO : (18, 0.63127), +INFO : (19, 0.632465), +INFO : (20, 0.63376), +INFO : (21, 0.635235), +INFO : (22, 0.63301), +INFO : (23, 0.63319), +INFO : (24, 0.63371), +INFO : (25, 0.635965), +INFO : (26, 0.63407), +INFO : (27, 0.63455), +INFO : (28, 0.633065), +INFO : (29, 0.63161), +INFO : (30, 0.632595), +INFO : (31, 0.6303), +INFO : (32, 0.62972), +INFO : (33, 0.62928), +INFO : (34, 0.628935), +INFO : (35, 0.62749), +INFO : (36, 0.62703), +INFO : (37, 0.624185), +INFO : (38, 0.62568), +INFO : (39, 0.624145), +INFO : (40, 0.618915), +INFO : (41, 0.62129), +INFO : (42, 0.619385), +INFO : (43, 0.61822), +INFO : (44, 0.615755), +INFO : (45, 0.615145), +INFO : (46, 0.61344), +INFO : (47, 0.612565), +INFO : (48, 0.611795), +INFO : (49, 0.60985), +INFO : (50, 0.607905)], +INFO : 'val_loss': [(1, 19932.344796924295), +INFO : (2, 16419.598800148815), +INFO : (3, 15262.489273439114), +INFO : (4, 14538.384409312997), +INFO : (5, 13869.601212884949), +INFO : (6, 13279.17761809515), +INFO : (7, 12732.539870516805), +INFO : (8, 12409.470457724488), +INFO : (9, 12030.031710887304), +INFO : (10, 11737.03930850784), +INFO : (11, 11622.309568624702), +INFO : (12, 11337.951829760968), +INFO : (13, 11191.309100309008), +INFO : (14, 11025.424058568049), +INFO : (15, 10914.862422128555), +INFO : (16, 10892.696186381461), +INFO : (17, 10803.181806377848), +INFO : (18, 10711.734653721376), +INFO : (19, 10692.610601443428), +INFO : (20, 10735.642205701659), +INFO : (21, 10691.967326285327), +INFO : (22, 10862.091844017246), +INFO : (23, 10849.45111311648), +INFO : (24, 10951.966791295898), +INFO : (25, 10875.050745972347), +INFO : (26, 11095.11138368947), +INFO : (27, 11111.767647240395), +INFO : (28, 11247.38322002599), +INFO : (29, 11431.408846747405), +INFO : (30, 11545.406122250988), +INFO : (31, 11672.334342422108), +INFO : (32, 11869.402914706678), +INFO : (33, 12034.010966818561), +INFO : (34, 12188.303806186974), +INFO : (35, 12423.647464096026), +INFO : (36, 12574.949603381196), +INFO : (37, 12866.697564139973), +INFO : (38, 13029.450321028007), +INFO : (39, 13331.736293874264), +INFO : (40, 13637.723448996803), +INFO : (41, 13851.513845549298), +INFO : (42, 14165.591090351962), +INFO : (43, 14478.273005129382), +INFO : (44, 14828.62772150313), +INFO : (45, 15147.566004099017), +INFO : (46, 15501.964896348407), +INFO : (47, 15883.1591239724), +INFO : (48, 16181.937936443557), +INFO : (49, 16653.042181406636), +INFO : (50, 17007.54086654384)]} +INFO : +(ClientAppActor pid=3403805) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3403792) Files already downloaded and verified +(ClientAppActor pid=3403803) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0_NOISE.txt new file mode 100644 index 000000000000..316915ad9012 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0_NOISE.txt @@ -0,0 +1,3774 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 20) +(ClientAppActor pid=3393699) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 0 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393699) INFO : Starting training... [repeated 2x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3393699) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393707) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393707) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393713) INFO : Starting training... +(ClientAppActor pid=3393698) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393711) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393698) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393705) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393698) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393705) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393699) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393699) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3393701) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393705) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3393713) INFO : Starting training... +(ClientAppActor pid=3393699) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393711) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393703) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393713) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393703) INFO : Starting training... +(ClientAppActor pid=3393700) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393703) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393701) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393709) INFO : Starting training... +(ClientAppActor pid=3393707) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3393701) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393708) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3393700) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393699) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393700) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3393701) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393702) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393702) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3393703) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393706) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393706) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3393707) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393710) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393698) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393701) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393706) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393707) INFO : Starting training... +(ClientAppActor pid=3393701) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393710) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393705) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393699) INFO : Starting training... +(ClientAppActor pid=3393711) INFO : Starting training... +(ClientAppActor pid=3393703) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3393699) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393699) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393705) INFO : Starting training... +(ClientAppActor pid=3393706) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393706) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393699) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393700) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393706) INFO : Starting training... +(ClientAppActor pid=3393699) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393699) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3393705) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3393707) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393700) INFO : Starting training... +(ClientAppActor pid=3393713) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393698) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393709) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393706) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393705) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393704) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 34 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3393709) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393707) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393709) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3393708) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393702) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393707) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3393698) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393700) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3393703) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393703) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393704) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393703) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393706) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3393702) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393700) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393706) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3393702) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393705) INFO : Starting training... +(ClientAppActor pid=3393706) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3393699) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3393700) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393713) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393709) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393707) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393708) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... +(ClientAppActor pid=3393702) INFO : Starting training... +(ClientAppActor pid=3393713) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3393706) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393712) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3393701) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393708) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3393698) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3393705) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3393703) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3052.98s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.24368), +INFO : (2, 0.374845), +INFO : (3, 0.434751), +INFO : (4, 0.476479), +INFO : (5, 0.503223), +INFO : (6, 0.532632), +INFO : (7, 0.553036), +INFO : (8, 0.573923), +INFO : (9, 0.595879), +INFO : (10, 0.609802), +INFO : (11, 0.62072), +INFO : (12, 0.634862), +INFO : (13, 0.647511), +INFO : (14, 0.659412), +INFO : (15, 0.668328), +INFO : (16, 0.680084), +INFO : (17, 0.687127), +INFO : (18, 0.696154), +INFO : (19, 0.705209), +INFO : (20, 0.718256), +INFO : (21, 0.724409), +INFO : (22, 0.732689), +INFO : (23, 0.739392), +INFO : (24, 0.744972), +INFO : (25, 0.751104), +INFO : (26, 0.759944), +INFO : (27, 0.763864), +INFO : (28, 0.768382), +INFO : (29, 0.7775), +INFO : (30, 0.782562), +INFO : (31, 0.788577), +INFO : (32, 0.795543), +INFO : (33, 0.798276), +INFO : (34, 0.807565), +INFO : (35, 0.811589), +INFO : (36, 0.817607), +INFO : (37, 0.819233), +INFO : (38, 0.82591), +INFO : (39, 0.826671), +INFO : (40, 0.835695), +INFO : (41, 0.838125), +INFO : (42, 0.843264), +INFO : (43, 0.847643), +INFO : (44, 0.847102), +INFO : (45, 0.855931), +INFO : (46, 0.857466), +INFO : (47, 0.860988), +INFO : (48, 0.866792), +INFO : (49, 0.868251), +INFO : (50, 0.867157)], +INFO : 'train_loss': [(1, 3221.61302113533), +INFO : (2, 2645.325605905056), +INFO : (3, 2412.246253925562), +INFO : (4, 2254.456099665165), +INFO : (5, 2151.2401882737877), +INFO : (6, 2028.7691167235375), +INFO : (7, 1945.9612679153681), +INFO : (8, 1864.6369603544474), +INFO : (9, 1773.6026604771614), +INFO : (10, 1715.8464561998844), +INFO : (11, 1671.3220020145177), +INFO : (12, 1604.5418247446419), +INFO : (13, 1558.3684180274606), +INFO : (14, 1506.2760113239287), +INFO : (15, 1466.8555327817799), +INFO : (16, 1416.2900812074543), +INFO : (17, 1387.125322908163), +INFO : (18, 1348.1886260703207), +INFO : (19, 1308.4594158247114), +INFO : (20, 1255.5435242451726), +INFO : (21, 1227.7351456016302), +INFO : (22, 1191.1432425588368), +INFO : (23, 1157.6077090740205), +INFO : (24, 1130.0746684014798), +INFO : (25, 1105.2131316117943), +INFO : (26, 1066.8122051425278), +INFO : (27, 1050.01198881194), +INFO : (28, 1025.5608776271342), +INFO : (29, 988.8335513025522), +INFO : (30, 962.0632401049137), +INFO : (31, 935.0073255881667), +INFO : (32, 910.8738202661276), +INFO : (33, 891.53117306903), +INFO : (34, 855.5017331745476), +INFO : (35, 835.0763568453491), +INFO : (36, 807.9403076212853), +INFO : (37, 799.6657606258989), +INFO : (38, 767.8459433674813), +INFO : (39, 763.1127022083849), +INFO : (40, 727.9350508913398), +INFO : (41, 713.0856314916164), +INFO : (42, 692.7258328855038), +INFO : (43, 672.5500945243984), +INFO : (44, 668.5980920165778), +INFO : (45, 634.8918121539057), +INFO : (46, 626.158511890471), +INFO : (47, 608.7940651204437), +INFO : (48, 583.5586665427312), +INFO : (49, 575.6009731791913), +INFO : (50, 577.791751304455)], +INFO : 'val_accuracy': [(1, 0.25045), +INFO : (2, 0.376405), +INFO : (3, 0.43609), +INFO : (4, 0.475595), +INFO : (5, 0.49863), +INFO : (6, 0.525525), +INFO : (7, 0.542555), +INFO : (8, 0.55854), +INFO : (9, 0.57496), +INFO : (10, 0.58371), +INFO : (11, 0.590205), +INFO : (12, 0.59889), +INFO : (13, 0.60527), +INFO : (14, 0.611145), +INFO : (15, 0.614115), +INFO : (16, 0.620205), +INFO : (17, 0.62013), +INFO : (18, 0.62337), +INFO : (19, 0.625885), +INFO : (20, 0.63146), +INFO : (21, 0.631715), +INFO : (22, 0.633635), +INFO : (23, 0.633815), +INFO : (24, 0.633535), +INFO : (25, 0.633585), +INFO : (26, 0.63494), +INFO : (27, 0.632), +INFO : (28, 0.63281), +INFO : (29, 0.632395), +INFO : (30, 0.63188), +INFO : (31, 0.63164), +INFO : (32, 0.63094), +INFO : (33, 0.6286), +INFO : (34, 0.629195), +INFO : (35, 0.62812), +INFO : (36, 0.627775), +INFO : (37, 0.6242), +INFO : (38, 0.624295), +INFO : (39, 0.621575), +INFO : (40, 0.622955), +INFO : (41, 0.620035), +INFO : (42, 0.6192), +INFO : (43, 0.61929), +INFO : (44, 0.61599), +INFO : (45, 0.616405), +INFO : (46, 0.61549), +INFO : (47, 0.614045), +INFO : (48, 0.613905), +INFO : (49, 0.61267), +INFO : (50, 0.60947)], +INFO : 'val_loss': [(1, 20523.84360744059), +INFO : (2, 16887.716745226648), +INFO : (3, 15417.100546288768), +INFO : (4, 14472.096779771779), +INFO : (5, 13904.359665846629), +INFO : (6, 13206.56984124178), +INFO : (7, 12797.121777745206), +INFO : (8, 12417.504622452061), +INFO : (9, 11988.208973405124), +INFO : (10, 11733.075004914252), +INFO : (11, 11637.11309228985), +INFO : (12, 11368.92307659889), +INFO : (13, 11248.253428565884), +INFO : (14, 11092.524017406638), +INFO : (15, 11027.785942313973), +INFO : (16, 10879.701505752886), +INFO : (17, 10893.56026870231), +INFO : (18, 10852.923366721492), +INFO : (19, 10800.646185473817), +INFO : (20, 10682.198191512609), +INFO : (21, 10755.411758044123), +INFO : (22, 10746.449133680586), +INFO : (23, 10763.861233536138), +INFO : (24, 10836.377969273084), +INFO : (25, 10948.403765589483), +INFO : (26, 10953.924965711438), +INFO : (27, 11101.43599372409), +INFO : (28, 11241.835575029474), +INFO : (29, 11301.765251487857), +INFO : (30, 11443.24652140745), +INFO : (31, 11567.923192727418), +INFO : (32, 11674.06782212416), +INFO : (33, 11918.702366147128), +INFO : (34, 11999.902069229262), +INFO : (35, 12225.790687000965), +INFO : (36, 12426.442717350319), +INFO : (37, 12730.043425802249), +INFO : (38, 12908.884624434642), +INFO : (39, 13215.144526961954), +INFO : (40, 13386.14827731243), +INFO : (41, 13694.459919840327), +INFO : (42, 13952.653847905121), +INFO : (43, 14170.673173755999), +INFO : (44, 14567.932237795918), +INFO : (45, 14794.68458095817), +INFO : (46, 15082.035550248018), +INFO : (47, 15393.33894126986), +INFO : (48, 15656.673810543989), +INFO : (49, 16079.804061260951), +INFO : (50, 16460.475677701193)]} +INFO : +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3393698) Files already downloaded and verified +(ClientAppActor pid=3393703) Files already downloaded and verified [repeated 4x across cluster] +(ClientAppActor pid=3393709) Files already downloaded and verified [repeated 27x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_1.0_NOISE.txt new file mode 100644 index 000000000000..989cadc6a635 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_1.0_NOISE.txt @@ -0,0 +1,3832 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 1.0 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399129) INFO : Starting training... +(ClientAppActor pid=3399116) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3399127) INFO : Starting training... +(ClientAppActor pid=3399129) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399119) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399128) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399124) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399117) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399115) INFO : Starting training... +(ClientAppActor pid=3399114) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399118) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399129) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399121) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399115) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3399121) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3399124) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399121) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399116) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399126) INFO : Starting training... +(ClientAppActor pid=3399121) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399128) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3399124) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399116) INFO : Starting training... +(ClientAppActor pid=3399125) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399123) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399116) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399118) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399122) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399121) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3399116) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399117) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399129) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3399118) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3399121) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399118) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399121) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399123) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399120) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399115) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399124) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399126) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399118) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399123) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399114) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399123) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399123) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399128) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399123) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399114) INFO : Starting training... +(ClientAppActor pid=3399115) INFO : Starting training... +(ClientAppActor pid=3399119) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399121) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399114) INFO : Starting training... +(ClientAppActor pid=3399124) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399114) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3399126) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399118) INFO : Starting training... +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399120) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399119) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399117) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3399127) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399119) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399128) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399121) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399122) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399118) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399129) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399117) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399124) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399127) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399114) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399117) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399118) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399116) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399129) INFO : Starting training... +(ClientAppActor pid=3399119) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399127) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399120) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399128) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399126) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399114) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399129) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399129) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399114) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399121) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399120) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399121) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399120) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399124) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399127) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399116) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399129) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399120) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399117) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3399116) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399123) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399129) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399129) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3399121) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399115) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... +(ClientAppActor pid=3399128) INFO : Starting training... +(ClientAppActor pid=3399127) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3399118) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3399120) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3399125) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3399118) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3399124) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3122.56s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.237737), +INFO : (2, 0.372326), +INFO : (3, 0.435447), +INFO : (4, 0.477413), +INFO : (5, 0.510147), +INFO : (6, 0.534726), +INFO : (7, 0.559807), +INFO : (8, 0.577942), +INFO : (9, 0.596908), +INFO : (10, 0.61503), +INFO : (11, 0.625346), +INFO : (12, 0.640985), +INFO : (13, 0.65355), +INFO : (14, 0.66396), +INFO : (15, 0.677039), +INFO : (16, 0.685563), +INFO : (17, 0.693327), +INFO : (18, 0.703752), +INFO : (19, 0.712541), +INFO : (20, 0.716845), +INFO : (21, 0.728002), +INFO : (22, 0.733677), +INFO : (23, 0.743759), +INFO : (24, 0.751558), +INFO : (25, 0.757356), +INFO : (26, 0.762291), +INFO : (27, 0.770817), +INFO : (28, 0.775637), +INFO : (29, 0.783026), +INFO : (30, 0.787608), +INFO : (31, 0.792042), +INFO : (32, 0.798159), +INFO : (33, 0.804174), +INFO : (34, 0.808763), +INFO : (35, 0.810647), +INFO : (36, 0.81872), +INFO : (37, 0.824022), +INFO : (38, 0.829329), +INFO : (39, 0.832653), +INFO : (40, 0.834739), +INFO : (41, 0.84268), +INFO : (42, 0.846187), +INFO : (43, 0.845954), +INFO : (44, 0.853991), +INFO : (45, 0.855873), +INFO : (46, 0.861785), +INFO : (47, 0.862883), +INFO : (48, 0.867452), +INFO : (49, 0.868397), +INFO : (50, 0.874025)], +INFO : 'train_loss': [(1, 3151.3242962419986), +INFO : (2, 2661.898814159632), +INFO : (3, 2419.6761284977197), +INFO : (4, 2260.612014842033), +INFO : (5, 2123.0075281322), +INFO : (6, 2022.1380807489156), +INFO : (7, 1921.4651281923057), +INFO : (8, 1852.5026266157627), +INFO : (9, 1772.400833645463), +INFO : (10, 1697.1389945313335), +INFO : (11, 1651.7757566511632), +INFO : (12, 1587.8195342302322), +INFO : (13, 1535.8984708890318), +INFO : (14, 1493.3525556117297), +INFO : (15, 1435.0610913619398), +INFO : (16, 1397.9114439964294), +INFO : (17, 1363.62691257298), +INFO : (18, 1316.2730083972215), +INFO : (19, 1282.2201021254064), +INFO : (20, 1257.7896478787065), +INFO : (21, 1208.2680809512735), +INFO : (22, 1184.552636165917), +INFO : (23, 1138.2406560614704), +INFO : (24, 1107.3629291258753), +INFO : (25, 1077.505093666166), +INFO : (26, 1055.9471396379172), +INFO : (27, 1021.3589527897536), +INFO : (28, 997.3796315930783), +INFO : (29, 965.5815334215761), +INFO : (30, 945.551468463242), +INFO : (31, 923.2111854232847), +INFO : (32, 895.3838385879993), +INFO : (33, 872.506438113749), +INFO : (34, 849.3612727180123), +INFO : (35, 839.0280775643885), +INFO : (36, 802.4981741271913), +INFO : (37, 779.0649886913598), +INFO : (38, 757.3772716168314), +INFO : (39, 739.7249910637736), +INFO : (40, 729.7730394866318), +INFO : (41, 697.451766328141), +INFO : (42, 681.100138503313), +INFO : (43, 676.5045493651181), +INFO : (44, 644.13963913396), +INFO : (45, 634.9060138143599), +INFO : (46, 606.5365557016805), +INFO : (47, 600.315393492952), +INFO : (48, 581.2052743505686), +INFO : (49, 573.0129206962883), +INFO : (50, 549.2817358009518)], +INFO : 'val_accuracy': [(1, 0.24074), +INFO : (2, 0.372855), +INFO : (3, 0.433115), +INFO : (4, 0.47235), +INFO : (5, 0.50127), +INFO : (6, 0.52188), +INFO : (7, 0.54206), +INFO : (8, 0.55852), +INFO : (9, 0.573635), +INFO : (10, 0.587535), +INFO : (11, 0.59324), +INFO : (12, 0.603775), +INFO : (13, 0.6106), +INFO : (14, 0.615425), +INFO : (15, 0.62213), +INFO : (16, 0.62548), +INFO : (17, 0.626835), +INFO : (18, 0.63106), +INFO : (19, 0.63356), +INFO : (20, 0.6336), +INFO : (21, 0.6374), +INFO : (22, 0.638275), +INFO : (23, 0.640215), +INFO : (24, 0.64245), +INFO : (25, 0.64205), +INFO : (26, 0.642935), +INFO : (27, 0.643635), +INFO : (28, 0.643105), +INFO : (29, 0.64374), +INFO : (30, 0.6422), +INFO : (31, 0.64078), +INFO : (32, 0.641735), +INFO : (33, 0.64073), +INFO : (34, 0.63924), +INFO : (35, 0.63767), +INFO : (36, 0.637445), +INFO : (37, 0.63856), +INFO : (38, 0.63682), +INFO : (39, 0.636855), +INFO : (40, 0.634605), +INFO : (41, 0.63435), +INFO : (42, 0.632115), +INFO : (43, 0.63021), +INFO : (44, 0.63184), +INFO : (45, 0.629315), +INFO : (46, 0.62983), +INFO : (47, 0.62809), +INFO : (48, 0.62632), +INFO : (49, 0.62377), +INFO : (50, 0.624285)], +INFO : 'val_loss': [(1, 20108.24613378644), +INFO : (2, 16991.730781464463), +INFO : (3, 15472.21071590558), +INFO : (4, 14530.204373657843), +INFO : (5, 13768.472651247643), +INFO : (6, 13220.571241366497), +INFO : (7, 12690.042914897165), +INFO : (8, 12369.220103165706), +INFO : (9, 11986.25767012336), +INFO : (10, 11639.9010157007), +INFO : (11, 11484.00556047101), +INFO : (12, 11219.328133831938), +INFO : (13, 11044.445907102581), +INFO : (14, 10926.772184453603), +INFO : (15, 10751.468926124562), +INFO : (16, 10689.877478196013), +INFO : (17, 10655.192040727557), +INFO : (18, 10568.63602441248), +INFO : (19, 10517.177054264745), +INFO : (20, 10601.01875692151), +INFO : (21, 10490.561266957322), +INFO : (22, 10562.017162907268), +INFO : (23, 10504.166795630437), +INFO : (24, 10551.58830295204), +INFO : (25, 10580.83882011804), +INFO : (26, 10691.295383133107), +INFO : (27, 10758.988135243537), +INFO : (28, 10817.324215438612), +INFO : (29, 10889.638430638264), +INFO : (30, 11036.564865596294), +INFO : (31, 11199.818874891474), +INFO : (32, 11304.82694852189), +INFO : (33, 11456.567524460304), +INFO : (34, 11630.002861223142), +INFO : (35, 11827.080247661646), +INFO : (36, 11976.059525048908), +INFO : (37, 12178.631851281152), +INFO : (38, 12342.53861518175), +INFO : (39, 12631.642186176281), +INFO : (40, 12948.369390975791), +INFO : (41, 13064.506331260352), +INFO : (42, 13337.946100225017), +INFO : (43, 13692.313731526667), +INFO : (44, 13861.525379450622), +INFO : (45, 14155.348670635361), +INFO : (46, 14471.984337209604), +INFO : (47, 14803.750234103863), +INFO : (48, 15129.016455760626), +INFO : (49, 15409.047919167102), +INFO : (50, 15823.26641224091)]} +INFO : +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3399122) Files already downloaded and verified +(ClientAppActor pid=3399121) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.01_NOISE.txt new file mode 100644 index 000000000000..a5c81fe60c6c --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.01_NOISE.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365184) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365184) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365184) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365184) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365184) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365185) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365185) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365185) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365185) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365184) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3365189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1202.71s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.256032), +INFO : (2, 0.382408), +INFO : (3, 0.455096), +INFO : (4, 0.492032), +INFO : (5, 0.521), +INFO : (6, 0.544644), +INFO : (7, 0.571008), +INFO : (8, 0.583704), +INFO : (9, 0.611636), +INFO : (10, 0.620268), +INFO : (11, 0.636728), +INFO : (12, 0.644028), +INFO : (13, 0.659764), +INFO : (14, 0.67316), +INFO : (15, 0.679424), +INFO : (16, 0.687844), +INFO : (17, 0.702284), +INFO : (18, 0.706908), +INFO : (19, 0.717728), +INFO : (20, 0.726076), +INFO : (21, 0.7359), +INFO : (22, 0.739628), +INFO : (23, 0.747484), +INFO : (24, 0.747208), +INFO : (25, 0.757212), +INFO : (26, 0.766612), +INFO : (27, 0.771696), +INFO : (28, 0.7795), +INFO : (29, 0.78316), +INFO : (30, 0.787848), +INFO : (31, 0.791496), +INFO : (32, 0.80182), +INFO : (33, 0.804), +INFO : (34, 0.811848), +INFO : (35, 0.816336), +INFO : (36, 0.816872), +INFO : (37, 0.829072), +INFO : (38, 0.832116), +INFO : (39, 0.841576), +INFO : (40, 0.842048), +INFO : (41, 0.844896), +INFO : (42, 0.846944), +INFO : (43, 0.85208), +INFO : (44, 0.85128), +INFO : (45, 0.86138), +INFO : (46, 0.859), +INFO : (47, 0.8689), +INFO : (48, 0.872104), +INFO : (49, 0.872732), +INFO : (50, 0.878252)], +INFO : 'train_loss': [(1, 3184.581655240059), +INFO : (2, 2635.333573508263), +INFO : (3, 2352.2970834970474), +INFO : (4, 2203.9316552400587), +INFO : (5, 2086.672360432148), +INFO : (6, 1986.6936257600785), +INFO : (7, 1882.6282799363137), +INFO : (8, 1831.5191118597984), +INFO : (9, 1714.2022512316703), +INFO : (10, 1678.9930393218995), +INFO : (11, 1602.843557739258), +INFO : (12, 1578.227697980404), +INFO : (13, 1509.3258589327336), +INFO : (14, 1453.471497410536), +INFO : (15, 1429.9380133986474), +INFO : (16, 1389.0721115469933), +INFO : (17, 1328.9540276050568), +INFO : (18, 1309.850750941038), +INFO : (19, 1260.567822188139), +INFO : (20, 1222.924654775858), +INFO : (21, 1186.1163957834244), +INFO : (22, 1163.00675419569), +INFO : (23, 1130.3062357842923), +INFO : (24, 1127.9639277935028), +INFO : (25, 1082.8691578298808), +INFO : (26, 1042.4193350583314), +INFO : (27, 1020.7306003421545), +INFO : (28, 988.2007476180792), +INFO : (29, 969.1049886584282), +INFO : (30, 948.7224578976632), +INFO : (31, 930.6231094956398), +INFO : (32, 885.4450332999229), +INFO : (33, 873.3347498744727), +INFO : (34, 841.5610272705555), +INFO : (35, 818.8678858995438), +INFO : (36, 817.2196199536323), +INFO : (37, 764.2248039588333), +INFO : (38, 751.0965701073408), +INFO : (39, 712.0357314363122), +INFO : (40, 704.7953411281109), +INFO : (41, 695.0999276652932), +INFO : (42, 677.2850544184446), +INFO : (43, 660.4745127737522), +INFO : (44, 655.8439832597971), +INFO : (45, 615.0087520927191), +INFO : (46, 621.22119268924), +INFO : (47, 580.1949864186347), +INFO : (48, 566.1737967699767), +INFO : (49, 558.0930045634508), +INFO : (50, 537.7027936033904)], +INFO : 'val_accuracy': [(1, 0.263), +INFO : (2, 0.38662), +INFO : (3, 0.45438), +INFO : (4, 0.4895), +INFO : (5, 0.51488), +INFO : (6, 0.53376), +INFO : (7, 0.55458), +INFO : (8, 0.56552), +INFO : (9, 0.58922), +INFO : (10, 0.59496), +INFO : (11, 0.60684), +INFO : (12, 0.60962), +INFO : (13, 0.61874), +INFO : (14, 0.62732), +INFO : (15, 0.6284), +INFO : (16, 0.62996), +INFO : (17, 0.6369), +INFO : (18, 0.63906), +INFO : (19, 0.64104), +INFO : (20, 0.64478), +INFO : (21, 0.64384), +INFO : (22, 0.64592), +INFO : (23, 0.64558), +INFO : (24, 0.64328), +INFO : (25, 0.64562), +INFO : (26, 0.64614), +INFO : (27, 0.64812), +INFO : (28, 0.64684), +INFO : (29, 0.6445), +INFO : (30, 0.64426), +INFO : (31, 0.64406), +INFO : (32, 0.64864), +INFO : (33, 0.64446), +INFO : (34, 0.64544), +INFO : (35, 0.6454), +INFO : (36, 0.64042), +INFO : (37, 0.64238), +INFO : (38, 0.6405), +INFO : (39, 0.64078), +INFO : (40, 0.63984), +INFO : (41, 0.63536), +INFO : (42, 0.63778), +INFO : (43, 0.63206), +INFO : (44, 0.63122), +INFO : (45, 0.63242), +INFO : (46, 0.62874), +INFO : (47, 0.6327), +INFO : (48, 0.6291), +INFO : (49, 0.62674), +INFO : (50, 0.62562)], +INFO : 'val_loss': [(1, 20321.638960415123), +INFO : (2, 16791.361027549017), +INFO : (3, 15046.101507022606), +INFO : (4, 14143.419699634007), +INFO : (5, 13500.079086782363), +INFO : (6, 12938.690058977529), +INFO : (7, 12399.013424503413), +INFO : (8, 12190.971815241577), +INFO : (9, 11572.6787411034), +INFO : (10, 11492.288875208698), +INFO : (11, 11137.96557448283), +INFO : (12, 11109.972288906532), +INFO : (13, 10871.296070875378), +INFO : (14, 10681.788554121491), +INFO : (15, 10674.52126331405), +INFO : (16, 10657.300178086205), +INFO : (17, 10451.14757300337), +INFO : (18, 10447.21696690031), +INFO : (19, 10352.515808492175), +INFO : (20, 10322.892219610258), +INFO : (21, 10332.631368694738), +INFO : (22, 10382.692349797393), +INFO : (23, 10425.794579131056), +INFO : (24, 10570.827668921005), +INFO : (25, 10562.261086210427), +INFO : (26, 10558.422863785063), +INFO : (27, 10647.439917358906), +INFO : (28, 10693.660930544935), +INFO : (29, 10933.005337391804), +INFO : (30, 11021.204323425667), +INFO : (31, 11218.420051055344), +INFO : (32, 11183.335755394319), +INFO : (33, 11555.883085689306), +INFO : (34, 11606.580094277142), +INFO : (35, 11758.063529464884), +INFO : (36, 12081.078795739179), +INFO : (37, 12078.684558661016), +INFO : (38, 12276.481049890766), +INFO : (39, 12394.904396108777), +INFO : (40, 12694.098505460503), +INFO : (41, 13027.208066637128), +INFO : (42, 13298.353751069832), +INFO : (43, 13582.73904917848), +INFO : (44, 13943.10641962097), +INFO : (45, 14073.731835631643), +INFO : (46, 14457.45471665086), +INFO : (47, 14600.527965572079), +INFO : (48, 14897.617257191598), +INFO : (49, 15240.172461310565), +INFO : (50, 15669.20754359751)]} +INFO : +(ClientAppActor pid=3365193) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3365185) Files already downloaded and verified +(ClientAppActor pid=3365190) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3365194) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3365199) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3365199) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.05_NOISE.txt new file mode 100644 index 000000000000..63671e991ca1 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.05_NOISE.txt @@ -0,0 +1,1472 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360479) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360483) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360483) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360483) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360483) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360479) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360479) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360478) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360478) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360483) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360483) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360467) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360465) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360480) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360469) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360469) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360464) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360479) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360463) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360467) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3360466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1180.56s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.303032), +INFO : (2, 0.395652), +INFO : (3, 0.454536), +INFO : (4, 0.499116), +INFO : (5, 0.530596), +INFO : (6, 0.558488), +INFO : (7, 0.579952), +INFO : (8, 0.599844), +INFO : (9, 0.617344), +INFO : (10, 0.6277), +INFO : (11, 0.641456), +INFO : (12, 0.656852), +INFO : (13, 0.662616), +INFO : (14, 0.6755), +INFO : (15, 0.683644), +INFO : (16, 0.695448), +INFO : (17, 0.708892), +INFO : (18, 0.713296), +INFO : (19, 0.726304), +INFO : (20, 0.72428), +INFO : (21, 0.736952), +INFO : (22, 0.737428), +INFO : (23, 0.749188), +INFO : (24, 0.757964), +INFO : (25, 0.756132), +INFO : (26, 0.768748), +INFO : (27, 0.772604), +INFO : (28, 0.78382), +INFO : (29, 0.786456), +INFO : (30, 0.79576), +INFO : (31, 0.800912), +INFO : (32, 0.807732), +INFO : (33, 0.8109), +INFO : (34, 0.8185), +INFO : (35, 0.822312), +INFO : (36, 0.828144), +INFO : (37, 0.831216), +INFO : (38, 0.840144), +INFO : (39, 0.846216), +INFO : (40, 0.844616), +INFO : (41, 0.849392), +INFO : (42, 0.850212), +INFO : (43, 0.861248), +INFO : (44, 0.85668), +INFO : (45, 0.869404), +INFO : (46, 0.872064), +INFO : (47, 0.87522), +INFO : (48, 0.883576), +INFO : (49, 0.888044), +INFO : (50, 0.886024)], +INFO : 'train_loss': [(1, 2987.2402548074724), +INFO : (2, 2562.8472841501234), +INFO : (3, 2324.3343374490737), +INFO : (4, 2166.2362749934196), +INFO : (5, 2039.0273111462593), +INFO : (6, 1932.3052958488465), +INFO : (7, 1840.8106081724168), +INFO : (8, 1761.2615332245828), +INFO : (9, 1691.8747491896152), +INFO : (10, 1647.893015742302), +INFO : (11, 1584.188775497675), +INFO : (12, 1523.8594513177873), +INFO : (13, 1495.9817078948022), +INFO : (14, 1440.8380209088325), +INFO : (15, 1404.5012429833412), +INFO : (16, 1352.8065429627895), +INFO : (17, 1295.3333855569363), +INFO : (18, 1274.5936779439448), +INFO : (19, 1220.0093521803617), +INFO : (20, 1224.8233139038086), +INFO : (21, 1167.2477209329604), +INFO : (22, 1164.8642366200686), +INFO : (23, 1114.694899275899), +INFO : (24, 1076.5349863886834), +INFO : (25, 1081.4702192932368), +INFO : (26, 1024.1804461061954), +INFO : (27, 1008.5156116455794), +INFO : (28, 959.5866935193538), +INFO : (29, 947.2206689089537), +INFO : (30, 910.5345226347447), +INFO : (31, 886.1695618867874), +INFO : (32, 851.2417706564069), +INFO : (33, 833.4687282323837), +INFO : (34, 798.4564989253879), +INFO : (35, 792.3654794707894), +INFO : (36, 762.0320652872324), +INFO : (37, 748.2489226385951), +INFO : (38, 709.2330810561776), +INFO : (39, 679.9432677030563), +INFO : (40, 684.1400819152593), +INFO : (41, 664.4929073303938), +INFO : (42, 661.1616388119758), +INFO : (43, 616.1590387672186), +INFO : (44, 631.4629808112979), +INFO : (45, 575.0047657355666), +INFO : (46, 566.9732321426272), +INFO : (47, 547.5297609135508), +INFO : (48, 516.5657738506794), +INFO : (49, 495.38406563699243), +INFO : (50, 501.9799288161099)], +INFO : 'val_accuracy': [(1, 0.30798), +INFO : (2, 0.39832), +INFO : (3, 0.4565), +INFO : (4, 0.4973), +INFO : (5, 0.52454), +INFO : (6, 0.54804), +INFO : (7, 0.56254), +INFO : (8, 0.57966), +INFO : (9, 0.59248), +INFO : (10, 0.59868), +INFO : (11, 0.60748), +INFO : (12, 0.61958), +INFO : (13, 0.62024), +INFO : (14, 0.62762), +INFO : (15, 0.62882), +INFO : (16, 0.6348), +INFO : (17, 0.64108), +INFO : (18, 0.64046), +INFO : (19, 0.6431), +INFO : (20, 0.64002), +INFO : (21, 0.64402), +INFO : (22, 0.64094), +INFO : (23, 0.64656), +INFO : (24, 0.645), +INFO : (25, 0.63798), +INFO : (26, 0.64356), +INFO : (27, 0.64178), +INFO : (28, 0.64726), +INFO : (29, 0.64656), +INFO : (30, 0.64554), +INFO : (31, 0.64406), +INFO : (32, 0.64546), +INFO : (33, 0.6437), +INFO : (34, 0.6449), +INFO : (35, 0.64338), +INFO : (36, 0.6449), +INFO : (37, 0.64146), +INFO : (38, 0.64028), +INFO : (39, 0.6442), +INFO : (40, 0.64264), +INFO : (41, 0.636), +INFO : (42, 0.6361), +INFO : (43, 0.6387), +INFO : (44, 0.63192), +INFO : (45, 0.63592), +INFO : (46, 0.63522), +INFO : (47, 0.63156), +INFO : (48, 0.63266), +INFO : (49, 0.63472), +INFO : (50, 0.63102)], +INFO : 'val_loss': [(1, 19016.12567383349), +INFO : (2, 16301.371214823423), +INFO : (3, 14849.437889752911), +INFO : (4, 13935.375053043384), +INFO : (5, 13214.976013919037), +INFO : (6, 12657.178945374502), +INFO : (7, 12184.83395490508), +INFO : (8, 11816.971783662972), +INFO : (9, 11508.035245333858), +INFO : (10, 11350.595028405754), +INFO : (11, 11117.574405257612), +INFO : (12, 10852.89726742633), +INFO : (13, 10834.89616667104), +INFO : (14, 10646.051217413105), +INFO : (15, 10657.910975084736), +INFO : (16, 10464.936347051682), +INFO : (17, 10310.97159409854), +INFO : (18, 10402.173281420351), +INFO : (19, 10256.393594886318), +INFO : (20, 10525.687881682717), +INFO : (21, 10381.6353766772), +INFO : (22, 10647.049699635734), +INFO : (23, 10503.90593928426), +INFO : (24, 10551.978620178279), +INFO : (25, 10813.34987827351), +INFO : (26, 10720.749689415545), +INFO : (27, 10789.814861922863), +INFO : (28, 10814.287270849994), +INFO : (29, 11025.171005990102), +INFO : (30, 11149.205941004779), +INFO : (31, 11176.65716549484), +INFO : (32, 11306.254946587518), +INFO : (33, 11534.100287573363), +INFO : (34, 11699.517204073036), +INFO : (35, 11923.351753085431), +INFO : (36, 12001.434146218066), +INFO : (37, 12171.912745505575), +INFO : (38, 12574.00732300255), +INFO : (39, 12769.747529220409), +INFO : (40, 13102.779489594432), +INFO : (41, 13259.87162617096), +INFO : (42, 13762.056686780874), +INFO : (43, 13947.196923749221), +INFO : (44, 14130.991455350575), +INFO : (45, 14415.62382694262), +INFO : (46, 14689.528196291607), +INFO : (47, 15070.278853602318), +INFO : (48, 15326.720627195782), +INFO : (49, 15784.907295848216), +INFO : (50, 15884.56967417065)]} +INFO : +(ClientAppActor pid=3360486) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3360467) Files already downloaded and verified +(ClientAppActor pid=3360479) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3360482) +(ClientAppActor pid=3360482) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3360486) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3360486) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.1_NOISE.txt new file mode 100644 index 000000000000..5ba53e6806b1 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.1_NOISE.txt @@ -0,0 +1,1462 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347190) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3347194) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1191.90s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.25143), +INFO : (2, 0.374936), +INFO : (3, 0.441388), +INFO : (4, 0.477876), +INFO : (5, 0.51518), +INFO : (6, 0.535568), +INFO : (7, 0.566828), +INFO : (8, 0.587616), +INFO : (9, 0.597072), +INFO : (10, 0.618716), +INFO : (11, 0.632552), +INFO : (12, 0.641796), +INFO : (13, 0.654412), +INFO : (14, 0.668956), +INFO : (15, 0.67696), +INFO : (16, 0.688264), +INFO : (17, 0.691104), +INFO : (18, 0.706088), +INFO : (19, 0.711204), +INFO : (20, 0.716496), +INFO : (21, 0.728588), +INFO : (22, 0.736728), +INFO : (23, 0.743756), +INFO : (24, 0.755524), +INFO : (25, 0.754688), +INFO : (26, 0.767952), +INFO : (27, 0.7731), +INFO : (28, 0.780028), +INFO : (29, 0.789012), +INFO : (30, 0.792388), +INFO : (31, 0.793968), +INFO : (32, 0.801228), +INFO : (33, 0.810604), +INFO : (34, 0.81438), +INFO : (35, 0.815196), +INFO : (36, 0.825576), +INFO : (37, 0.828396), +INFO : (38, 0.83754), +INFO : (39, 0.83782), +INFO : (40, 0.848328), +INFO : (41, 0.845652), +INFO : (42, 0.849428), +INFO : (43, 0.857084), +INFO : (44, 0.859032), +INFO : (45, 0.86344), +INFO : (46, 0.866936), +INFO : (47, 0.8736), +INFO : (48, 0.87032), +INFO : (49, 0.871124), +INFO : (50, 0.87752)], +INFO : 'train_loss': [(1, 3182.614774107933), +INFO : (2, 2680.460326910019), +INFO : (3, 2401.163966524601), +INFO : (4, 2258.366918540001), +INFO : (5, 2114.2239440560343), +INFO : (6, 2030.0529453277588), +INFO : (7, 1901.6268450975417), +INFO : (8, 1820.0088023900985), +INFO : (9, 1778.6580494523048), +INFO : (10, 1690.3095681428908), +INFO : (11, 1631.5296636343003), +INFO : (12, 1591.0422462642193), +INFO : (13, 1533.794118899107), +INFO : (14, 1477.2191761255265), +INFO : (15, 1439.738918620348), +INFO : (16, 1395.541894352436), +INFO : (17, 1382.1019071221351), +INFO : (18, 1313.6074741065502), +INFO : (19, 1289.3292170763016), +INFO : (20, 1270.7832903683186), +INFO : (21, 1212.4036743938923), +INFO : (22, 1180.5004730015994), +INFO : (23, 1150.7984588325023), +INFO : (24, 1097.933177191019), +INFO : (25, 1098.9360911637546), +INFO : (26, 1034.3746556222438), +INFO : (27, 1013.8942015588284), +INFO : (28, 986.2730186372995), +INFO : (29, 944.2113978952169), +INFO : (30, 928.6599454700947), +INFO : (31, 917.3519047439098), +INFO : (32, 884.3932782590389), +INFO : (33, 851.8664377659559), +INFO : (34, 830.3446424484252), +INFO : (35, 823.4403424799442), +INFO : (36, 781.3677784830331), +INFO : (37, 770.2779989913106), +INFO : (38, 730.0716559126973), +INFO : (39, 727.1244426131249), +INFO : (40, 680.6005929723382), +INFO : (41, 684.8563011243939), +INFO : (42, 670.6828379139304), +INFO : (43, 637.8453446999192), +INFO : (44, 625.6222958512604), +INFO : (45, 608.7745121121407), +INFO : (46, 586.7986400634051), +INFO : (47, 561.7830935090781), +INFO : (48, 575.4021457061172), +INFO : (49, 564.9168117888272), +INFO : (50, 536.421972220391)], +INFO : 'val_accuracy': [(1, 0.2578), +INFO : (2, 0.3797), +INFO : (3, 0.4422), +INFO : (4, 0.4754), +INFO : (5, 0.5048), +INFO : (6, 0.52238), +INFO : (7, 0.55052), +INFO : (8, 0.56592), +INFO : (9, 0.57242), +INFO : (10, 0.58968), +INFO : (11, 0.60014), +INFO : (12, 0.60556), +INFO : (13, 0.6119), +INFO : (14, 0.62288), +INFO : (15, 0.62604), +INFO : (16, 0.63028), +INFO : (17, 0.63234), +INFO : (18, 0.6402), +INFO : (19, 0.6397), +INFO : (20, 0.63898), +INFO : (21, 0.64616), +INFO : (22, 0.64998), +INFO : (23, 0.64896), +INFO : (24, 0.65298), +INFO : (25, 0.65174), +INFO : (26, 0.6531), +INFO : (27, 0.65368), +INFO : (28, 0.6518), +INFO : (29, 0.65488), +INFO : (30, 0.653), +INFO : (31, 0.65072), +INFO : (32, 0.64976), +INFO : (33, 0.65064), +INFO : (34, 0.65134), +INFO : (35, 0.64642), +INFO : (36, 0.64886), +INFO : (37, 0.64904), +INFO : (38, 0.64948), +INFO : (39, 0.64454), +INFO : (40, 0.64814), +INFO : (41, 0.6417), +INFO : (42, 0.6419), +INFO : (43, 0.6409), +INFO : (44, 0.63816), +INFO : (45, 0.6347), +INFO : (46, 0.63846), +INFO : (47, 0.6364), +INFO : (48, 0.63328), +INFO : (49, 0.63144), +INFO : (50, 0.6326)], +INFO : 'val_loss': [(1, 20295.012702420354), +INFO : (2, 17056.149892219903), +INFO : (3, 15354.583518176712), +INFO : (4, 14531.902743610413), +INFO : (5, 13718.685502588227), +INFO : (6, 13288.62483772729), +INFO : (7, 12602.654985534897), +INFO : (8, 12220.740229663548), +INFO : (9, 12047.581751225258), +INFO : (10, 11615.067961955296), +INFO : (11, 11332.878655081298), +INFO : (12, 11254.225323982082), +INFO : (13, 11096.917457479463), +INFO : (14, 10834.937325185705), +INFO : (15, 10721.81351061628), +INFO : (16, 10641.522017014982), +INFO : (17, 10635.117466869067), +INFO : (18, 10460.443655007637), +INFO : (19, 10509.508748103945), +INFO : (20, 10618.520480183492), +INFO : (21, 10375.564630894927), +INFO : (22, 10365.866969493913), +INFO : (23, 10361.820891761805), +INFO : (24, 10320.332770481273), +INFO : (25, 10496.786643975156), +INFO : (26, 10405.274998017288), +INFO : (27, 10427.942913846997), +INFO : (28, 10655.95226350341), +INFO : (29, 10586.6739538196), +INFO : (30, 10734.652052746698), +INFO : (31, 11068.042852459217), +INFO : (32, 11063.799141764874), +INFO : (33, 11217.585556939655), +INFO : (34, 11407.878387023047), +INFO : (35, 11625.226165257105), +INFO : (36, 11664.301562717827), +INFO : (37, 11859.943159660697), +INFO : (38, 11984.077584113358), +INFO : (39, 12333.119463157967), +INFO : (40, 12430.383961214058), +INFO : (41, 12806.789839024008), +INFO : (42, 13102.530900610545), +INFO : (43, 13288.548715492521), +INFO : (44, 13710.05754165643), +INFO : (45, 13912.29628098478), +INFO : (46, 14326.088615361856), +INFO : (47, 14464.425878277687), +INFO : (48, 14796.708230503766), +INFO : (49, 15209.202620916047), +INFO : (50, 15522.815175855801)]} +INFO : +(ClientAppActor pid=3347197) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3347188) Files already downloaded and verified +(ClientAppActor pid=3347191) Files already downloaded and verified [repeated 4x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3347194) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3347199) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3347201) Files already downloaded and verified [repeated 7x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.5_NOISE.txt new file mode 100644 index 000000000000..bf8a4fcea664 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.5_NOISE.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.5 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333952) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333962) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333953) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333953) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333952) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333952) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333957) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333956) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333956) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333965) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333953) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333952) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333952) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333965) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333965) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333965) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333955) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333957) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333965) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333952) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333965) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333952) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333958) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3333965) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.5 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1167.78s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.22542), +INFO : (2, 0.36576), +INFO : (3, 0.435936), +INFO : (4, 0.47534), +INFO : (5, 0.501896), +INFO : (6, 0.534004), +INFO : (7, 0.554308), +INFO : (8, 0.57298), +INFO : (9, 0.597072), +INFO : (10, 0.612444), +INFO : (11, 0.62802), +INFO : (12, 0.631764), +INFO : (13, 0.648564), +INFO : (14, 0.668128), +INFO : (15, 0.68038), +INFO : (16, 0.686624), +INFO : (17, 0.696392), +INFO : (18, 0.705412), +INFO : (19, 0.716596), +INFO : (20, 0.725764), +INFO : (21, 0.726596), +INFO : (22, 0.737832), +INFO : (23, 0.749372), +INFO : (24, 0.752012), +INFO : (25, 0.763308), +INFO : (26, 0.76642), +INFO : (27, 0.774528), +INFO : (28, 0.777376), +INFO : (29, 0.781212), +INFO : (30, 0.792752), +INFO : (31, 0.797224), +INFO : (32, 0.804788), +INFO : (33, 0.808932), +INFO : (34, 0.808428), +INFO : (35, 0.813836), +INFO : (36, 0.82576), +INFO : (37, 0.8302), +INFO : (38, 0.830172), +INFO : (39, 0.842084), +INFO : (40, 0.840404), +INFO : (41, 0.844052), +INFO : (42, 0.853744), +INFO : (43, 0.849284), +INFO : (44, 0.85448), +INFO : (45, 0.857372), +INFO : (46, 0.861516), +INFO : (47, 0.86552), +INFO : (48, 0.864608), +INFO : (49, 0.874288), +INFO : (50, 0.876216)], +INFO : 'train_loss': [(1, 3326.607861614227), +INFO : (2, 2742.0656799077988), +INFO : (3, 2421.863409233093), +INFO : (4, 2267.5404142856596), +INFO : (5, 2163.0652106165885), +INFO : (6, 2031.9311747431755), +INFO : (7, 1956.5408890485764), +INFO : (8, 1880.7224415421485), +INFO : (9, 1796.5122043013573), +INFO : (10, 1721.6500712275506), +INFO : (11, 1657.4209915041924), +INFO : (12, 1629.9021046757698), +INFO : (13, 1563.9608181536198), +INFO : (14, 1484.3564077377318), +INFO : (15, 1431.4520060241223), +INFO : (16, 1400.8402643382549), +INFO : (17, 1359.5135835826397), +INFO : (18, 1318.2772860348225), +INFO : (19, 1270.2549133181572), +INFO : (20, 1228.99718644619), +INFO : (21, 1222.4624213159084), +INFO : (22, 1172.5734223306179), +INFO : (23, 1122.9004923284053), +INFO : (24, 1108.721343806386), +INFO : (25, 1063.4273110061883), +INFO : (26, 1048.0521844744683), +INFO : (27, 1008.8745502442122), +INFO : (28, 1000.76770619452), +INFO : (29, 977.733674146235), +INFO : (30, 930.292454302311), +INFO : (31, 906.3290133357048), +INFO : (32, 880.2375942438841), +INFO : (33, 855.1705005735159), +INFO : (34, 848.8670728296041), +INFO : (35, 832.5834628582), +INFO : (36, 781.1172045350074), +INFO : (37, 764.5042710900307), +INFO : (38, 757.3457550033927), +INFO : (39, 710.9241401463747), +INFO : (40, 712.9841817647218), +INFO : (41, 698.5692031279207), +INFO : (42, 658.4197643473744), +INFO : (43, 664.344538988173), +INFO : (44, 642.2088440939784), +INFO : (45, 629.0139050677419), +INFO : (46, 610.6905110388994), +INFO : (47, 594.850977012515), +INFO : (48, 594.8484592884779), +INFO : (49, 554.0555936150253), +INFO : (50, 544.6463311143219)], +INFO : 'val_accuracy': [(1, 0.23172), +INFO : (2, 0.3701), +INFO : (3, 0.4375), +INFO : (4, 0.47198), +INFO : (5, 0.49822), +INFO : (6, 0.52228), +INFO : (7, 0.54206), +INFO : (8, 0.55642), +INFO : (9, 0.57686), +INFO : (10, 0.58494), +INFO : (11, 0.59724), +INFO : (12, 0.5986), +INFO : (13, 0.61224), +INFO : (14, 0.62218), +INFO : (15, 0.63328), +INFO : (16, 0.63556), +INFO : (17, 0.63944), +INFO : (18, 0.64428), +INFO : (19, 0.64852), +INFO : (20, 0.6551), +INFO : (21, 0.64922), +INFO : (22, 0.65264), +INFO : (23, 0.65762), +INFO : (24, 0.6583), +INFO : (25, 0.66098), +INFO : (26, 0.65688), +INFO : (27, 0.6594), +INFO : (28, 0.65494), +INFO : (29, 0.65684), +INFO : (30, 0.66026), +INFO : (31, 0.65866), +INFO : (32, 0.6605), +INFO : (33, 0.65848), +INFO : (34, 0.65538), +INFO : (35, 0.65496), +INFO : (36, 0.65752), +INFO : (37, 0.65318), +INFO : (38, 0.6533), +INFO : (39, 0.65486), +INFO : (40, 0.65078), +INFO : (41, 0.64898), +INFO : (42, 0.65158), +INFO : (43, 0.64804), +INFO : (44, 0.64836), +INFO : (45, 0.64426), +INFO : (46, 0.64318), +INFO : (47, 0.64256), +INFO : (48, 0.6413), +INFO : (49, 0.64112), +INFO : (50, 0.64214)], +INFO : 'val_loss': [(1, 21202.59494997263), +INFO : (2, 17425.738137841225), +INFO : (3, 15455.685620771908), +INFO : (4, 14550.786881115288), +INFO : (5, 13972.055792349998), +INFO : (6, 13274.700180864289), +INFO : (7, 12857.950185039685), +INFO : (8, 12517.186976951547), +INFO : (9, 12072.74905497491), +INFO : (10, 11736.320701891633), +INFO : (11, 11441.5933656765), +INFO : (12, 11399.072601486305), +INFO : (13, 11096.661384517998), +INFO : (14, 10746.961065819341), +INFO : (15, 10514.25693034119), +INFO : (16, 10506.811213396486), +INFO : (17, 10382.281977301875), +INFO : (18, 10316.821790889433), +INFO : (19, 10234.863810960354), +INFO : (20, 10136.75150341648), +INFO : (21, 10256.420216090974), +INFO : (22, 10190.160444378014), +INFO : (23, 10085.357287917146), +INFO : (24, 10227.356732076087), +INFO : (25, 10137.43181680958), +INFO : (26, 10312.409652698512), +INFO : (27, 10262.880755629381), +INFO : (28, 10414.853600446982), +INFO : (29, 10568.57514652835), +INFO : (30, 10492.214760699368), +INFO : (31, 10676.64770552547), +INFO : (32, 10780.205222334132), +INFO : (33, 10824.246833657531), +INFO : (34, 11189.606303939618), +INFO : (35, 11245.059617438888), +INFO : (36, 11330.371995754154), +INFO : (37, 11433.117397458824), +INFO : (38, 11682.933706842747), +INFO : (39, 11767.896890618696), +INFO : (40, 12192.859842175552), +INFO : (41, 12359.406788253673), +INFO : (42, 12461.682499762428), +INFO : (43, 12801.25135098822), +INFO : (44, 13061.60301027636), +INFO : (45, 13432.6172483815), +INFO : (46, 13687.907121117576), +INFO : (47, 13911.093219279332), +INFO : (48, 14264.730950506819), +INFO : (49, 14347.10357757279), +INFO : (50, 14768.554850823602)]} +INFO : +(ClientAppActor pid=3333954) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3333954) Files already downloaded and verified +(ClientAppActor pid=3333959) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3333962) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3333965) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3333965) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0_NOISE.txt new file mode 100644 index 000000000000..a3abdf506671 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0_NOISE.txt @@ -0,0 +1,1470 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306169) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306174) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306174) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306170) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306171) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306170) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306177) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306177) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306177) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306177) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306170) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306170) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 42 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306176) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306179) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 31 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306179) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306169) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306168) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3306169) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 32 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1187.85s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.260964), +INFO : (2, 0.392644), +INFO : (3, 0.451988), +INFO : (4, 0.491664), +INFO : (5, 0.52234), +INFO : (6, 0.551972), +INFO : (7, 0.57302), +INFO : (8, 0.594824), +INFO : (9, 0.60228), +INFO : (10, 0.623044), +INFO : (11, 0.639072), +INFO : (12, 0.646388), +INFO : (13, 0.661624), +INFO : (14, 0.671988), +INFO : (15, 0.680092), +INFO : (16, 0.693308), +INFO : (17, 0.703096), +INFO : (18, 0.70746), +INFO : (19, 0.713424), +INFO : (20, 0.717508), +INFO : (21, 0.725252), +INFO : (22, 0.744472), +INFO : (23, 0.751868), +INFO : (24, 0.752816), +INFO : (25, 0.75808), +INFO : (26, 0.769916), +INFO : (27, 0.768032), +INFO : (28, 0.777356), +INFO : (29, 0.7802), +INFO : (30, 0.793452), +INFO : (31, 0.800016), +INFO : (32, 0.80582), +INFO : (33, 0.806796), +INFO : (34, 0.814816), +INFO : (35, 0.815312), +INFO : (36, 0.822976), +INFO : (37, 0.822408), +INFO : (38, 0.833056), +INFO : (39, 0.835992), +INFO : (40, 0.838168), +INFO : (41, 0.843196), +INFO : (42, 0.855692), +INFO : (43, 0.854992), +INFO : (44, 0.8574), +INFO : (45, 0.865944), +INFO : (46, 0.872356), +INFO : (47, 0.871396), +INFO : (48, 0.875032), +INFO : (49, 0.874444), +INFO : (50, 0.867136)], +INFO : 'train_loss': [(1, 3151.633993768692), +INFO : (2, 2590.5927424192428), +INFO : (3, 2357.5672850131987), +INFO : (4, 2196.4393471837043), +INFO : (5, 2084.7955008506774), +INFO : (6, 1961.8991505622864), +INFO : (7, 1872.9590384244918), +INFO : (8, 1790.6566016197205), +INFO : (9, 1755.7652098298072), +INFO : (10, 1672.1493527054786), +INFO : (11, 1595.0773224949837), +INFO : (12, 1568.222708874941), +INFO : (13, 1503.3381258308887), +INFO : (14, 1468.5354853928088), +INFO : (15, 1418.552186769247), +INFO : (16, 1364.9131177902223), +INFO : (17, 1323.2925512492657), +INFO : (18, 1301.44740177989), +INFO : (19, 1268.504486501217), +INFO : (20, 1249.1713776051997), +INFO : (21, 1221.0391827583312), +INFO : (22, 1142.6655889093877), +INFO : (23, 1114.0442221403123), +INFO : (24, 1101.5251890838147), +INFO : (25, 1076.605631610751), +INFO : (26, 1027.1334926724435), +INFO : (27, 1029.8232437849044), +INFO : (28, 988.0275715023279), +INFO : (29, 975.6318096876145), +INFO : (30, 922.1923646897078), +INFO : (31, 895.0079877480864), +INFO : (32, 865.2754027575254), +INFO : (33, 857.3282082498074), +INFO : (34, 824.4791392654181), +INFO : (35, 817.3503439992667), +INFO : (36, 787.2098542422057), +INFO : (37, 783.0168504089118), +INFO : (38, 743.2829173326493), +INFO : (39, 727.4719845026732), +INFO : (40, 715.5266795903444), +INFO : (41, 694.5289334148168), +INFO : (42, 645.1229377731681), +INFO : (43, 643.4213011533022), +INFO : (44, 630.9587223887444), +INFO : (45, 594.4063644900918), +INFO : (46, 566.9627713337541), +INFO : (47, 567.7531007736922), +INFO : (48, 553.1069417782128), +INFO : (49, 552.5716315560043), +INFO : (50, 575.589090052247)], +INFO : 'val_accuracy': [(1, 0.26782), +INFO : (2, 0.39446), +INFO : (3, 0.45022), +INFO : (4, 0.48726), +INFO : (5, 0.51194), +INFO : (6, 0.53874), +INFO : (7, 0.5594), +INFO : (8, 0.57894), +INFO : (9, 0.58016), +INFO : (10, 0.59934), +INFO : (11, 0.60924), +INFO : (12, 0.611), +INFO : (13, 0.62192), +INFO : (14, 0.6227), +INFO : (15, 0.62914), +INFO : (16, 0.63486), +INFO : (17, 0.64422), +INFO : (18, 0.64168), +INFO : (19, 0.64388), +INFO : (20, 0.6428), +INFO : (21, 0.64432), +INFO : (22, 0.65376), +INFO : (23, 0.65248), +INFO : (24, 0.65104), +INFO : (25, 0.64888), +INFO : (26, 0.6537), +INFO : (27, 0.6529), +INFO : (28, 0.65356), +INFO : (29, 0.65242), +INFO : (30, 0.65504), +INFO : (31, 0.65346), +INFO : (32, 0.65334), +INFO : (33, 0.65174), +INFO : (34, 0.651), +INFO : (35, 0.64856), +INFO : (36, 0.65054), +INFO : (37, 0.64762), +INFO : (38, 0.64612), +INFO : (39, 0.64552), +INFO : (40, 0.64444), +INFO : (41, 0.64304), +INFO : (42, 0.64516), +INFO : (43, 0.6411), +INFO : (44, 0.64178), +INFO : (45, 0.6421), +INFO : (46, 0.64162), +INFO : (47, 0.63668), +INFO : (48, 0.63522), +INFO : (49, 0.63562), +INFO : (50, 0.62992)], +INFO : 'val_loss': [(1, 20089.28725179434), +INFO : (2, 16496.53218712881), +INFO : (3, 15099.37261048546), +INFO : (4, 14188.907083974942), +INFO : (5, 13556.73162660075), +INFO : (6, 12884.713033208602), +INFO : (7, 12395.85074109668), +INFO : (8, 11958.407975124497), +INFO : (9, 11850.500646778639), +INFO : (10, 11432.318858987694), +INFO : (11, 11078.47187299467), +INFO : (12, 11059.22436182275), +INFO : (13, 10822.14653502885), +INFO : (14, 10739.076167009991), +INFO : (15, 10637.137628479346), +INFO : (16, 10486.380954216973), +INFO : (17, 10384.968986790482), +INFO : (18, 10443.289571788478), +INFO : (19, 10452.012959428492), +INFO : (20, 10433.866443936353), +INFO : (21, 10474.268597550625), +INFO : (22, 10206.591125246268), +INFO : (23, 10254.17848102759), +INFO : (24, 10404.896011780336), +INFO : (25, 10530.922271947476), +INFO : (26, 10460.785302081684), +INFO : (27, 10766.442422183443), +INFO : (28, 10731.772566489823), +INFO : (29, 10907.049021990651), +INFO : (30, 10897.735222517245), +INFO : (31, 11011.879092406196), +INFO : (32, 11095.736112837989), +INFO : (33, 11404.521170980956), +INFO : (34, 11441.50085186269), +INFO : (35, 11693.079193423673), +INFO : (36, 11898.0773707151), +INFO : (37, 12214.288789103883), +INFO : (38, 12243.150723488938), +INFO : (39, 12533.725569818016), +INFO : (40, 12798.973027706275), +INFO : (41, 13016.85897171426), +INFO : (42, 13141.572637002335), +INFO : (43, 13540.761308827823), +INFO : (44, 13825.35993669651), +INFO : (45, 14061.413704555489), +INFO : (46, 14400.969435783154), +INFO : (47, 14586.17148926323), +INFO : (48, 14818.399966522706), +INFO : (49, 15423.048338181134), +INFO : (50, 16039.998744787972)]} +INFO : +(ClientAppActor pid=3306178) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3306167) Files already downloaded and verified +(ClientAppActor pid=3306176) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3306180) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3306182) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3306182) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_1.0_NOISE.txt new file mode 100644 index 000000000000..7a184ae7a1fb --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_1.0_NOISE.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 1.0 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320635) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320639) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320645) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320639) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320635) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320635) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320635) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320635) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320640) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320635) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320638) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320635) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320638) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320635) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320638) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320639) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320635) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320639) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320635) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320639) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320639) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320639) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320635) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320638) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320643) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320639) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3320647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 1.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1176.59s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.266264), +INFO : (2, 0.40286), +INFO : (3, 0.462992), +INFO : (4, 0.497376), +INFO : (5, 0.529832), +INFO : (6, 0.555588), +INFO : (7, 0.578864), +INFO : (8, 0.603296), +INFO : (9, 0.610252), +INFO : (10, 0.627468), +INFO : (11, 0.641952), +INFO : (12, 0.650296), +INFO : (13, 0.660036), +INFO : (14, 0.6722), +INFO : (15, 0.678816), +INFO : (16, 0.689148), +INFO : (17, 0.700364), +INFO : (18, 0.710524), +INFO : (19, 0.72002), +INFO : (20, 0.728392), +INFO : (21, 0.73542), +INFO : (22, 0.746376), +INFO : (23, 0.74672), +INFO : (24, 0.749668), +INFO : (25, 0.755408), +INFO : (26, 0.774092), +INFO : (27, 0.775292), +INFO : (28, 0.775588), +INFO : (29, 0.788328), +INFO : (30, 0.79492), +INFO : (31, 0.79382), +INFO : (32, 0.797356), +INFO : (33, 0.807232), +INFO : (34, 0.817972), +INFO : (35, 0.82064), +INFO : (36, 0.821548), +INFO : (37, 0.831304), +INFO : (38, 0.838224), +INFO : (39, 0.835888), +INFO : (40, 0.843292), +INFO : (41, 0.845012), +INFO : (42, 0.848212), +INFO : (43, 0.858588), +INFO : (44, 0.862008), +INFO : (45, 0.86794), +INFO : (46, 0.869976), +INFO : (47, 0.863456), +INFO : (48, 0.874032), +INFO : (49, 0.877236), +INFO : (50, 0.88204)], +INFO : 'train_loss': [(1, 3153.030056476593), +INFO : (2, 2541.192563199997), +INFO : (3, 2306.32138838768), +INFO : (4, 2177.2465312600134), +INFO : (5, 2048.130216896534), +INFO : (6, 1948.899045407772), +INFO : (7, 1854.3170778036117), +INFO : (8, 1759.3058525681495), +INFO : (9, 1736.9531280755996), +INFO : (10, 1660.2389756321907), +INFO : (11, 1598.5738464534284), +INFO : (12, 1556.1587119042874), +INFO : (13, 1509.3167445600034), +INFO : (14, 1458.156489723921), +INFO : (15, 1435.2229765951633), +INFO : (16, 1387.965371710062), +INFO : (17, 1340.4177133083344), +INFO : (18, 1295.7848231375217), +INFO : (19, 1258.3544099152089), +INFO : (20, 1223.4506604909898), +INFO : (21, 1185.9790488064289), +INFO : (22, 1142.3430540561676), +INFO : (23, 1134.1360205590724), +INFO : (24, 1119.9763896584511), +INFO : (25, 1092.6273336440324), +INFO : (26, 1022.6309079498053), +INFO : (27, 1008.8642119437457), +INFO : (28, 1001.9890071213246), +INFO : (29, 952.3304618537426), +INFO : (30, 920.227376651764), +INFO : (31, 922.1751663416624), +INFO : (32, 903.6136169046164), +INFO : (33, 864.9147587686778), +INFO : (34, 820.0007011771202), +INFO : (35, 800.7959004878998), +INFO : (36, 794.3283098459244), +INFO : (37, 754.2151460066437), +INFO : (38, 730.344599275291), +INFO : (39, 727.7559869170188), +INFO : (40, 700.456506459415), +INFO : (41, 689.9054856315255), +INFO : (42, 670.9390236847103), +INFO : (43, 632.168679176271), +INFO : (44, 617.934447978437), +INFO : (45, 594.0153618253768), +INFO : (46, 578.1693535007537), +INFO : (47, 599.5161274269224), +INFO : (48, 557.9881369121373), +INFO : (49, 545.5184771336615), +INFO : (50, 522.8332034900784)], +INFO : 'val_accuracy': [(1, 0.27096), +INFO : (2, 0.39924), +INFO : (3, 0.46122), +INFO : (4, 0.48782), +INFO : (5, 0.51894), +INFO : (6, 0.54006), +INFO : (7, 0.5573), +INFO : (8, 0.57886), +INFO : (9, 0.58246), +INFO : (10, 0.59502), +INFO : (11, 0.60414), +INFO : (12, 0.60954), +INFO : (13, 0.61358), +INFO : (14, 0.61832), +INFO : (15, 0.61938), +INFO : (16, 0.6263), +INFO : (17, 0.6302), +INFO : (18, 0.63656), +INFO : (19, 0.63936), +INFO : (20, 0.63752), +INFO : (21, 0.63978), +INFO : (22, 0.64472), +INFO : (23, 0.63912), +INFO : (24, 0.6368), +INFO : (25, 0.63942), +INFO : (26, 0.64512), +INFO : (27, 0.64078), +INFO : (28, 0.63808), +INFO : (29, 0.63838), +INFO : (30, 0.63956), +INFO : (31, 0.63502), +INFO : (32, 0.63598), +INFO : (33, 0.63552), +INFO : (34, 0.63708), +INFO : (35, 0.63394), +INFO : (36, 0.63016), +INFO : (37, 0.63046), +INFO : (38, 0.6311), +INFO : (39, 0.6275), +INFO : (40, 0.6268), +INFO : (41, 0.62692), +INFO : (42, 0.62676), +INFO : (43, 0.62444), +INFO : (44, 0.62226), +INFO : (45, 0.62448), +INFO : (46, 0.62012), +INFO : (47, 0.61754), +INFO : (48, 0.61936), +INFO : (49, 0.61958), +INFO : (50, 0.61964)], +INFO : 'val_loss': [(1, 20137.17382825613), +INFO : (2, 16258.61985310316), +INFO : (3, 14817.476876710169), +INFO : (4, 14080.298557319025), +INFO : (5, 13321.6312599812), +INFO : (6, 12790.25126335845), +INFO : (7, 12320.184267442994), +INFO : (8, 11852.26920597213), +INFO : (9, 11856.860199356079), +INFO : (10, 11501.596524781004), +INFO : (11, 11256.093414492225), +INFO : (12, 11162.377494336519), +INFO : (13, 11011.589918496647), +INFO : (14, 10911.617047077065), +INFO : (15, 10911.773052173601), +INFO : (16, 10771.57191981673), +INFO : (17, 10676.4402546848), +INFO : (18, 10575.570394849128), +INFO : (19, 10589.302852607158), +INFO : (20, 10557.466270744591), +INFO : (21, 10620.251876814526), +INFO : (22, 10602.198395901407), +INFO : (23, 10729.935891911358), +INFO : (24, 10919.689074593776), +INFO : (25, 10966.420650763832), +INFO : (26, 10781.292618454663), +INFO : (27, 10988.907881495103), +INFO : (28, 11210.12625542852), +INFO : (29, 11287.587250229453), +INFO : (30, 11392.860632249012), +INFO : (31, 11619.556159018473), +INFO : (32, 11823.157142976555), +INFO : (33, 11849.700551196107), +INFO : (34, 11807.01629195093), +INFO : (35, 12144.286561761195), +INFO : (36, 12503.168564962183), +INFO : (37, 12672.011266215759), +INFO : (38, 12748.905041166441), +INFO : (39, 13028.26550687284), +INFO : (40, 13241.64036830214), +INFO : (41, 13706.774685469223), +INFO : (42, 14026.389818937028), +INFO : (43, 14225.401147074217), +INFO : (44, 14391.705514076275), +INFO : (45, 14649.648966354507), +INFO : (46, 15232.130637617001), +INFO : (47, 15458.11026449965), +INFO : (48, 15916.423860891528), +INFO : (49, 16148.730019078072), +INFO : (50, 16587.837559314634)]} +INFO : +(ClientAppActor pid=3320637) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3320639) Files already downloaded and verified +(ClientAppActor pid=3320644) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3320648) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3320650) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3320650) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..a6dd64adec86 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_0_TRIAL.txt @@ -0,0 +1,2218 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444311) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 3 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444311) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444309) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444309) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444309) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444309) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444309) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444313) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444309) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444309) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444309) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444316) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444310) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3444309) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1897.28s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.265634), +INFO : (2, 0.384064), +INFO : (3, 0.439132), +INFO : (4, 0.482746), +INFO : (5, 0.516986), +INFO : (6, 0.547264), +INFO : (7, 0.569854), +INFO : (8, 0.58893), +INFO : (9, 0.610964), +INFO : (10, 0.624228), +INFO : (11, 0.632842), +INFO : (12, 0.647802), +INFO : (13, 0.659016), +INFO : (14, 0.664594), +INFO : (15, 0.679624), +INFO : (16, 0.688024), +INFO : (17, 0.695408), +INFO : (18, 0.705434), +INFO : (19, 0.710604), +INFO : (20, 0.722662), +INFO : (21, 0.728116), +INFO : (22, 0.735708), +INFO : (23, 0.741766), +INFO : (24, 0.748398), +INFO : (25, 0.75463), +INFO : (26, 0.761576), +INFO : (27, 0.768892), +INFO : (28, 0.775512), +INFO : (29, 0.779528), +INFO : (30, 0.787584), +INFO : (31, 0.789624), +INFO : (32, 0.804214), +INFO : (33, 0.808442), +INFO : (34, 0.81076), +INFO : (35, 0.816062), +INFO : (36, 0.81834), +INFO : (37, 0.828688), +INFO : (38, 0.82776), +INFO : (39, 0.839678), +INFO : (40, 0.83919), +INFO : (41, 0.847996), +INFO : (42, 0.845236), +INFO : (43, 0.855928), +INFO : (44, 0.859024), +INFO : (45, 0.864206), +INFO : (46, 0.866162), +INFO : (47, 0.869764), +INFO : (48, 0.870342), +INFO : (49, 0.873408), +INFO : (50, 0.879582)], +INFO : 'train_loss': [(1, 3115.766953599453), +INFO : (2, 2626.0134470582007), +INFO : (3, 2405.755419397354), +INFO : (4, 2245.7882021963596), +INFO : (5, 2106.969360470772), +INFO : (6, 1982.3632043004036), +INFO : (7, 1890.4989240407945), +INFO : (8, 1809.7318619668483), +INFO : (9, 1716.4894619435072), +INFO : (10, 1661.308073410392), +INFO : (11, 1626.2074715793133), +INFO : (12, 1559.3868262201547), +INFO : (13, 1511.8162142127753), +INFO : (14, 1486.4146680533886), +INFO : (15, 1419.1618801236152), +INFO : (16, 1383.1412662655116), +INFO : (17, 1353.0278707653283), +INFO : (18, 1307.5071397453546), +INFO : (19, 1283.629693943262), +INFO : (20, 1234.8684084802867), +INFO : (21, 1207.916046245396), +INFO : (22, 1176.6535612374544), +INFO : (23, 1148.2182499021292), +INFO : (24, 1119.5449570059777), +INFO : (25, 1089.3294429004193), +INFO : (26, 1059.3633555278182), +INFO : (27, 1028.926959080994), +INFO : (28, 1000.0556630685926), +INFO : (29, 983.7701733827591), +INFO : (30, 950.0471438862384), +INFO : (31, 935.3936407268047), +INFO : (32, 883.0819559916854), +INFO : (33, 858.6872914336622), +INFO : (34, 847.8982379466295), +INFO : (35, 822.9631027817726), +INFO : (36, 809.255372287333), +INFO : (37, 767.8369442865253), +INFO : (38, 768.9510791905225), +INFO : (39, 721.8317788146436), +INFO : (40, 718.6332876689733), +INFO : (41, 682.2980476297438), +INFO : (42, 687.9042036920786), +INFO : (43, 641.9680829264223), +INFO : (44, 629.4285009518265), +INFO : (45, 607.8484767019748), +INFO : (46, 597.4748374380172), +INFO : (47, 576.8381103381514), +INFO : (48, 573.074962991476), +INFO : (49, 557.7534998532385), +INFO : (50, 533.7162891369313)], +INFO : 'val_accuracy': [(1, 0.27218), +INFO : (2, 0.38637), +INFO : (3, 0.43733), +INFO : (4, 0.47941), +INFO : (5, 0.51487), +INFO : (6, 0.54017), +INFO : (7, 0.55751), +INFO : (8, 0.57034), +INFO : (9, 0.58703), +INFO : (10, 0.59579), +INFO : (11, 0.60085), +INFO : (12, 0.61179), +INFO : (13, 0.61848), +INFO : (14, 0.61847), +INFO : (15, 0.62911), +INFO : (16, 0.63216), +INFO : (17, 0.63378), +INFO : (18, 0.63755), +INFO : (19, 0.63787), +INFO : (20, 0.6429), +INFO : (21, 0.6442), +INFO : (22, 0.64582), +INFO : (23, 0.64726), +INFO : (24, 0.64684), +INFO : (25, 0.64909), +INFO : (26, 0.64816), +INFO : (27, 0.64852), +INFO : (28, 0.64943), +INFO : (29, 0.64893), +INFO : (30, 0.64805), +INFO : (31, 0.64602), +INFO : (32, 0.65015), +INFO : (33, 0.64999), +INFO : (34, 0.64447), +INFO : (35, 0.64406), +INFO : (36, 0.64336), +INFO : (37, 0.64395), +INFO : (38, 0.63866), +INFO : (39, 0.64205), +INFO : (40, 0.63723), +INFO : (41, 0.63982), +INFO : (42, 0.63517), +INFO : (43, 0.63627), +INFO : (44, 0.63564), +INFO : (45, 0.63265), +INFO : (46, 0.63205), +INFO : (47, 0.63076), +INFO : (48, 0.62615), +INFO : (49, 0.62878), +INFO : (50, 0.62677)], +INFO : 'val_loss': [(1, 19861.663159833846), +INFO : (2, 16728.027724392712), +INFO : (3, 15355.066182722896), +INFO : (4, 14377.02270241112), +INFO : (5, 13560.588661728403), +INFO : (6, 12858.54876462294), +INFO : (7, 12397.413151604198), +INFO : (8, 12029.577677048828), +INFO : (9, 11581.476123879267), +INFO : (10, 11363.583278247017), +INFO : (11, 11257.983216351106), +INFO : (12, 10977.19062053023), +INFO : (13, 10835.028490560531), +INFO : (14, 10818.346005638701), +INFO : (15, 10575.689055837578), +INFO : (16, 10488.800348323932), +INFO : (17, 10462.493914104187), +INFO : (18, 10341.614666172745), +INFO : (19, 10363.847076053831), +INFO : (20, 10251.352775873713), +INFO : (21, 10280.893990117167), +INFO : (22, 10282.505033585086), +INFO : (23, 10315.13063602021), +INFO : (24, 10344.251880754273), +INFO : (25, 10383.638320991446), +INFO : (26, 10416.93780058679), +INFO : (27, 10510.426601919618), +INFO : (28, 10566.018976424715), +INFO : (29, 10685.694460206718), +INFO : (30, 10755.010576411123), +INFO : (31, 10945.757030866214), +INFO : (32, 10891.481458131564), +INFO : (33, 11072.250419685686), +INFO : (34, 11271.759751859368), +INFO : (35, 11460.36205510773), +INFO : (36, 11731.607884238521), +INFO : (37, 11765.626911087631), +INFO : (38, 12199.641547618383), +INFO : (39, 12129.368178188639), +INFO : (40, 12465.68335405972), +INFO : (41, 12709.819837865025), +INFO : (42, 13047.881856945894), +INFO : (43, 13210.078068868357), +INFO : (44, 13491.245414918882), +INFO : (45, 13793.42741796783), +INFO : (46, 14123.540907474939), +INFO : (47, 14489.122274443998), +INFO : (48, 14891.456646160283), +INFO : (49, 15205.008390065246), +INFO : (50, 15521.162528261393)]} +INFO : +(ClientAppActor pid=3444302) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3444308) Files already downloaded and verified +(ClientAppActor pid=3444315) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3444313) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..d891d8a301c1 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_1_TRIAL.txt @@ -0,0 +1,2218 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 0 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456878) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456881) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456871) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456879) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456881) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456881) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 31 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456875) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3456872) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 31 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1917.48s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.269216), +INFO : (2, 0.367658), +INFO : (3, 0.428014), +INFO : (4, 0.483936), +INFO : (5, 0.5128), +INFO : (6, 0.535434), +INFO : (7, 0.562236), +INFO : (8, 0.582216), +INFO : (9, 0.597786), +INFO : (10, 0.610382), +INFO : (11, 0.624114), +INFO : (12, 0.63322), +INFO : (13, 0.647984), +INFO : (14, 0.656134), +INFO : (15, 0.66883), +INFO : (16, 0.676214), +INFO : (17, 0.682784), +INFO : (18, 0.693716), +INFO : (19, 0.705224), +INFO : (20, 0.711018), +INFO : (21, 0.718784), +INFO : (22, 0.72372), +INFO : (23, 0.735246), +INFO : (24, 0.740952), +INFO : (25, 0.743192), +INFO : (26, 0.75191), +INFO : (27, 0.761922), +INFO : (28, 0.767492), +INFO : (29, 0.773912), +INFO : (30, 0.78124), +INFO : (31, 0.788238), +INFO : (32, 0.794132), +INFO : (33, 0.792994), +INFO : (34, 0.80412), +INFO : (35, 0.80495), +INFO : (36, 0.812266), +INFO : (37, 0.819172), +INFO : (38, 0.82819), +INFO : (39, 0.83107), +INFO : (40, 0.831422), +INFO : (41, 0.833464), +INFO : (42, 0.838862), +INFO : (43, 0.845896), +INFO : (44, 0.842988), +INFO : (45, 0.848162), +INFO : (46, 0.855676), +INFO : (47, 0.862246), +INFO : (48, 0.865152), +INFO : (49, 0.868092), +INFO : (50, 0.873138)], +INFO : 'train_loss': [(1, 3113.1101388931274), +INFO : (2, 2709.14702372551), +INFO : (3, 2450.7003377795218), +INFO : (4, 2223.2211566448213), +INFO : (5, 2109.812511962652), +INFO : (6, 2020.6110526025295), +INFO : (7, 1912.3853448867799), +INFO : (8, 1835.2459253907205), +INFO : (9, 1768.5276342630386), +INFO : (10, 1719.1241812229157), +INFO : (11, 1663.506272277236), +INFO : (12, 1624.9537829577923), +INFO : (13, 1564.5705400288105), +INFO : (14, 1528.2874098092318), +INFO : (15, 1476.5816571831704), +INFO : (16, 1443.0535640388728), +INFO : (17, 1412.9173540890217), +INFO : (18, 1369.1503424197435), +INFO : (19, 1320.3066139817238), +INFO : (20, 1291.0997051596642), +INFO : (21, 1259.9718650847674), +INFO : (22, 1238.2945770114661), +INFO : (23, 1188.6721695065498), +INFO : (24, 1160.6964296326041), +INFO : (25, 1149.4114739760757), +INFO : (26, 1111.5113560631871), +INFO : (27, 1069.713577415049), +INFO : (28, 1044.667664578557), +INFO : (29, 1015.6871900498867), +INFO : (30, 985.0161384135484), +INFO : (31, 953.9686006039381), +INFO : (32, 926.2081714168191), +INFO : (33, 924.375194209814), +INFO : (34, 881.6052477151155), +INFO : (35, 874.6160658076406), +INFO : (36, 845.1674600206316), +INFO : (37, 815.0531407110393), +INFO : (38, 779.5987250596285), +INFO : (39, 761.8529070556164), +INFO : (40, 753.7228560850024), +INFO : (41, 743.7175382904709), +INFO : (42, 719.5752872228622), +INFO : (43, 692.7278613306582), +INFO : (44, 697.3116140857339), +INFO : (45, 675.6707083381713), +INFO : (46, 645.1498250745237), +INFO : (47, 615.6640382513403), +INFO : (48, 603.1383482985199), +INFO : (49, 589.0977254796774), +INFO : (50, 564.8730381526053)], +INFO : 'val_accuracy': [(1, 0.27529), +INFO : (2, 0.36925), +INFO : (3, 0.42609), +INFO : (4, 0.47755), +INFO : (5, 0.50883), +INFO : (6, 0.52744), +INFO : (7, 0.54928), +INFO : (8, 0.56312), +INFO : (9, 0.57493), +INFO : (10, 0.5807), +INFO : (11, 0.58942), +INFO : (12, 0.59313), +INFO : (13, 0.60295), +INFO : (14, 0.60598), +INFO : (15, 0.61284), +INFO : (16, 0.61627), +INFO : (17, 0.61766), +INFO : (18, 0.623), +INFO : (19, 0.62754), +INFO : (20, 0.62915), +INFO : (21, 0.63008), +INFO : (22, 0.63057), +INFO : (23, 0.63496), +INFO : (24, 0.6343), +INFO : (25, 0.63248), +INFO : (26, 0.63395), +INFO : (27, 0.6356), +INFO : (28, 0.63694), +INFO : (29, 0.63637), +INFO : (30, 0.63693), +INFO : (31, 0.6354), +INFO : (32, 0.63678), +INFO : (33, 0.63266), +INFO : (34, 0.63435), +INFO : (35, 0.63182), +INFO : (36, 0.62977), +INFO : (37, 0.63293), +INFO : (38, 0.63279), +INFO : (39, 0.63079), +INFO : (40, 0.63048), +INFO : (41, 0.6263), +INFO : (42, 0.62915), +INFO : (43, 0.62739), +INFO : (44, 0.622), +INFO : (45, 0.62348), +INFO : (46, 0.62369), +INFO : (47, 0.62686), +INFO : (48, 0.62364), +INFO : (49, 0.62184), +INFO : (50, 0.62315)], +INFO : 'val_loss': [(1, 19801.973095594345), +INFO : (2, 17224.68378395103), +INFO : (3, 15672.86623784881), +INFO : (4, 14316.008957448648), +INFO : (5, 13665.59729553411), +INFO : (6, 13222.321249104569), +INFO : (7, 12643.73435588288), +INFO : (8, 12304.427543102913), +INFO : (9, 12024.218761361217), +INFO : (10, 11848.769769963936), +INFO : (11, 11640.015673311078), +INFO : (12, 11558.863567731121), +INFO : (13, 11308.64103975937), +INFO : (14, 11248.390940471725), +INFO : (15, 11105.6402162041), +INFO : (16, 11047.677759129701), +INFO : (17, 11029.902144567915), +INFO : (18, 10955.815614064764), +INFO : (19, 10813.10623161845), +INFO : (20, 10856.51227563952), +INFO : (21, 10863.259058746751), +INFO : (22, 10897.90876879071), +INFO : (23, 10836.802288779383), +INFO : (24, 10904.539761289272), +INFO : (25, 11056.46825243815), +INFO : (26, 11070.101707801792), +INFO : (27, 11057.880373617701), +INFO : (28, 11121.388179886497), +INFO : (29, 11239.628894046673), +INFO : (30, 11314.24205356078), +INFO : (31, 11433.77130380664), +INFO : (32, 11517.991478442671), +INFO : (33, 11883.831259906094), +INFO : (34, 11834.612273057695), +INFO : (35, 12095.376824350424), +INFO : (36, 12311.88050133309), +INFO : (37, 12452.378994907354), +INFO : (38, 12534.022591016785), +INFO : (39, 12834.575396343971), +INFO : (40, 13239.93384340447), +INFO : (41, 13393.71288731344), +INFO : (42, 13664.5237878796), +INFO : (43, 13854.265940968795), +INFO : (44, 14265.75032490754), +INFO : (45, 14586.768997816087), +INFO : (46, 14690.693518914346), +INFO : (47, 14972.707659477128), +INFO : (48, 15257.502326578386), +INFO : (49, 15608.14759117279), +INFO : (50, 15859.957772483553)]} +INFO : +(ClientAppActor pid=3456880) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3456872) Files already downloaded and verified +(ClientAppActor pid=3456883) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3456879) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..8b0f0113b6c9 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_2_TRIAL.txt @@ -0,0 +1,2218 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474269) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474269) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474254) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474254) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474254) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 31 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474269) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474254) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474258) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3474255) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 32 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1911.58s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.243482), +INFO : (2, 0.386256), +INFO : (3, 0.460904), +INFO : (4, 0.497356), +INFO : (5, 0.52444), +INFO : (6, 0.547862), +INFO : (7, 0.571236), +INFO : (8, 0.586962), +INFO : (9, 0.602018), +INFO : (10, 0.615416), +INFO : (11, 0.62853), +INFO : (12, 0.638646), +INFO : (13, 0.655442), +INFO : (14, 0.66164), +INFO : (15, 0.67805), +INFO : (16, 0.684058), +INFO : (17, 0.694368), +INFO : (18, 0.701148), +INFO : (19, 0.712368), +INFO : (20, 0.719714), +INFO : (21, 0.72547), +INFO : (22, 0.73879), +INFO : (23, 0.74264), +INFO : (24, 0.748552), +INFO : (25, 0.759056), +INFO : (26, 0.763968), +INFO : (27, 0.76585), +INFO : (28, 0.776868), +INFO : (29, 0.78115), +INFO : (30, 0.786672), +INFO : (31, 0.792822), +INFO : (32, 0.802184), +INFO : (33, 0.806752), +INFO : (34, 0.811832), +INFO : (35, 0.813306), +INFO : (36, 0.817122), +INFO : (37, 0.826506), +INFO : (38, 0.82825), +INFO : (39, 0.832812), +INFO : (40, 0.838252), +INFO : (41, 0.843032), +INFO : (42, 0.846922), +INFO : (43, 0.8523), +INFO : (44, 0.855734), +INFO : (45, 0.857822), +INFO : (46, 0.864964), +INFO : (47, 0.862238), +INFO : (48, 0.870838), +INFO : (49, 0.872014), +INFO : (50, 0.868284)], +INFO : 'train_loss': [(1, 3246.929257953167), +INFO : (2, 2609.2830680727957), +INFO : (3, 2311.0178376078607), +INFO : (4, 2169.7733805418015), +INFO : (5, 2058.2576776087285), +INFO : (6, 1969.4262826085092), +INFO : (7, 1878.2270461320877), +INFO : (8, 1813.8386196255683), +INFO : (9, 1760.3705353856087), +INFO : (10, 1703.4875877141953), +INFO : (11, 1639.8553939700128), +INFO : (12, 1604.17414970994), +INFO : (13, 1532.8802510559558), +INFO : (14, 1503.8721967488527), +INFO : (15, 1436.9954396426679), +INFO : (16, 1408.9206543147563), +INFO : (17, 1365.317099931836), +INFO : (18, 1335.162834250927), +INFO : (19, 1287.3241847634315), +INFO : (20, 1253.661336287856), +INFO : (21, 1226.128183618188), +INFO : (22, 1176.9403188496829), +INFO : (23, 1153.6197559207678), +INFO : (24, 1126.99136390239), +INFO : (25, 1084.067406053841), +INFO : (26, 1059.335275775194), +INFO : (27, 1049.1749685049058), +INFO : (28, 1001.8379095211625), +INFO : (29, 982.4012333199382), +INFO : (30, 959.2199814409017), +INFO : (31, 921.774321860075), +INFO : (32, 890.4187551364303), +INFO : (33, 866.3074496626854), +INFO : (34, 841.9771664842963), +INFO : (35, 832.9404654979705), +INFO : (36, 812.3208525627851), +INFO : (37, 776.4599730595946), +INFO : (38, 770.9198546499014), +INFO : (39, 745.0717913664878), +INFO : (40, 716.6833113439382), +INFO : (41, 696.4604158759117), +INFO : (42, 680.8727866895497), +INFO : (43, 657.842687523365), +INFO : (44, 639.8585454694927), +INFO : (45, 630.3190538980067), +INFO : (46, 599.1278389349579), +INFO : (47, 602.6239502348005), +INFO : (48, 571.9744287591427), +INFO : (49, 563.7379533085972), +INFO : (50, 574.3429705761373)], +INFO : 'val_accuracy': [(1, 0.24777), +INFO : (2, 0.38881), +INFO : (3, 0.46274), +INFO : (4, 0.49281), +INFO : (5, 0.51644), +INFO : (6, 0.53865), +INFO : (7, 0.55683), +INFO : (8, 0.56809), +INFO : (9, 0.57786), +INFO : (10, 0.58824), +INFO : (11, 0.59679), +INFO : (12, 0.60212), +INFO : (13, 0.61358), +INFO : (14, 0.61464), +INFO : (15, 0.62587), +INFO : (16, 0.6263), +INFO : (17, 0.63102), +INFO : (18, 0.63065), +INFO : (19, 0.63615), +INFO : (20, 0.63973), +INFO : (21, 0.63848), +INFO : (22, 0.64203), +INFO : (23, 0.64467), +INFO : (24, 0.64392), +INFO : (25, 0.64696), +INFO : (26, 0.64881), +INFO : (27, 0.64321), +INFO : (28, 0.64758), +INFO : (29, 0.64698), +INFO : (30, 0.64518), +INFO : (31, 0.64707), +INFO : (32, 0.64812), +INFO : (33, 0.64551), +INFO : (34, 0.64484), +INFO : (35, 0.64254), +INFO : (36, 0.64126), +INFO : (37, 0.63978), +INFO : (38, 0.63987), +INFO : (39, 0.63632), +INFO : (40, 0.63877), +INFO : (41, 0.63739), +INFO : (42, 0.63595), +INFO : (43, 0.6329), +INFO : (44, 0.63386), +INFO : (45, 0.6316), +INFO : (46, 0.6316), +INFO : (47, 0.63093), +INFO : (48, 0.6291), +INFO : (49, 0.62709), +INFO : (50, 0.62692)], +INFO : 'val_loss': [(1, 20709.204448677596), +INFO : (2, 16614.360092785955), +INFO : (3, 14774.70496197017), +INFO : (4, 13952.815997144507), +INFO : (5, 13323.163270336623), +INFO : (6, 12872.521698427669), +INFO : (7, 12394.290251699647), +INFO : (8, 12102.133055133607), +INFO : (9, 11891.943798667411), +INFO : (10, 11655.435437890064), +INFO : (11, 11375.171718091275), +INFO : (12, 11301.158328171043), +INFO : (13, 11009.956728651194), +INFO : (14, 11017.277519261914), +INFO : (15, 10737.008268982367), +INFO : (16, 10767.697901663096), +INFO : (17, 10656.694693958481), +INFO : (18, 10674.836925720032), +INFO : (19, 10564.878120926687), +INFO : (20, 10598.180967277214), +INFO : (21, 10633.985789660434), +INFO : (22, 10527.122673297992), +INFO : (23, 10592.664429717937), +INFO : (24, 10694.983118154638), +INFO : (25, 10651.196963079166), +INFO : (26, 10755.696044987493), +INFO : (27, 10881.122546492938), +INFO : (28, 10858.588612684416), +INFO : (29, 11012.289648651293), +INFO : (30, 11099.554982673693), +INFO : (31, 11274.954641502449), +INFO : (32, 11258.021610828297), +INFO : (33, 11457.25552908577), +INFO : (34, 11619.928940966209), +INFO : (35, 11834.166463619198), +INFO : (36, 12044.761301990193), +INFO : (37, 12172.405303441814), +INFO : (38, 12510.808580806888), +INFO : (39, 12645.771943592805), +INFO : (40, 12840.673336887603), +INFO : (41, 13053.823509308437), +INFO : (42, 13346.651808209004), +INFO : (43, 13606.226526273174), +INFO : (44, 13833.959545061805), +INFO : (45, 14169.714832723885), +INFO : (46, 14339.770251879343), +INFO : (47, 14780.900411591765), +INFO : (48, 14942.96842192939), +INFO : (49, 15310.124844930719), +INFO : (50, 15805.336267879704)]} +INFO : +(ClientAppActor pid=3474262) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3474258) Files already downloaded and verified +(ClientAppActor pid=3474267) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3474264) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..365a97e6cbc5 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_3_TRIAL.txt @@ -0,0 +1,2218 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494240) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494249) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 4 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494250) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494243) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494250) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494250) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494242) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494253) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494250) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 31 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 32 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494241) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494250) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 35 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3494251) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1945.52s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.298318), +INFO : (2, 0.401314), +INFO : (3, 0.461554), +INFO : (4, 0.496592), +INFO : (5, 0.527566), +INFO : (6, 0.552862), +INFO : (7, 0.576738), +INFO : (8, 0.59301), +INFO : (9, 0.612668), +INFO : (10, 0.622768), +INFO : (11, 0.642686), +INFO : (12, 0.654058), +INFO : (13, 0.66401), +INFO : (14, 0.67134), +INFO : (15, 0.683988), +INFO : (16, 0.6927), +INFO : (17, 0.705238), +INFO : (18, 0.708366), +INFO : (19, 0.722264), +INFO : (20, 0.726492), +INFO : (21, 0.73349), +INFO : (22, 0.739798), +INFO : (23, 0.747888), +INFO : (24, 0.75617), +INFO : (25, 0.765404), +INFO : (26, 0.765606), +INFO : (27, 0.775536), +INFO : (28, 0.7824), +INFO : (29, 0.785982), +INFO : (30, 0.795782), +INFO : (31, 0.798436), +INFO : (32, 0.806506), +INFO : (33, 0.812316), +INFO : (34, 0.813614), +INFO : (35, 0.8209), +INFO : (36, 0.828106), +INFO : (37, 0.82911), +INFO : (38, 0.834968), +INFO : (39, 0.841582), +INFO : (40, 0.847362), +INFO : (41, 0.84897), +INFO : (42, 0.854266), +INFO : (43, 0.853792), +INFO : (44, 0.861866), +INFO : (45, 0.863904), +INFO : (46, 0.866426), +INFO : (47, 0.871316), +INFO : (48, 0.877436), +INFO : (49, 0.87776), +INFO : (50, 0.886608)], +INFO : 'train_loss': [(1, 3014.6161095499992), +INFO : (2, 2549.1108753442763), +INFO : (3, 2312.893882620335), +INFO : (4, 2171.474886935949), +INFO : (5, 2053.7806782484054), +INFO : (6, 1951.9941591382026), +INFO : (7, 1861.3166290223598), +INFO : (8, 1790.017992812395), +INFO : (9, 1712.5761111021043), +INFO : (10, 1666.3688664734364), +INFO : (11, 1585.9082735836505), +INFO : (12, 1537.337119191885), +INFO : (13, 1497.4009741336108), +INFO : (14, 1461.841387796402), +INFO : (15, 1409.4603843152522), +INFO : (16, 1370.3481522738934), +INFO : (17, 1316.1594274967908), +INFO : (18, 1297.222933295369), +INFO : (19, 1239.2283082216977), +INFO : (20, 1216.6570513486863), +INFO : (21, 1183.5518116906285), +INFO : (22, 1156.5333386838436), +INFO : (23, 1121.3144958585501), +INFO : (24, 1080.9268513277173), +INFO : (25, 1040.875982826948), +INFO : (26, 1037.3165244817733), +INFO : (27, 994.2515508085489), +INFO : (28, 964.3356558427215), +INFO : (29, 948.7621030330658), +INFO : (30, 909.8167218625546), +INFO : (31, 895.3311726793647), +INFO : (32, 859.8398885607719), +INFO : (33, 833.6218288585544), +INFO : (34, 823.2102207154036), +INFO : (35, 794.6204131916165), +INFO : (36, 764.0589869007468), +INFO : (37, 756.7122657522559), +INFO : (38, 729.3322069890797), +INFO : (39, 700.5878896832467), +INFO : (40, 678.9421546019614), +INFO : (41, 668.3131501734257), +INFO : (42, 645.2863120488822), +INFO : (43, 643.7860990323127), +INFO : (44, 610.2783228360116), +INFO : (45, 601.4790381047875), +INFO : (46, 585.0270498584956), +INFO : (47, 568.7617261141538), +INFO : (48, 541.0364484909921), +INFO : (49, 536.8955311279744), +INFO : (50, 501.1946014229208)], +INFO : 'val_accuracy': [(1, 0.3018), +INFO : (2, 0.40101), +INFO : (3, 0.45865), +INFO : (4, 0.49096), +INFO : (5, 0.51677), +INFO : (6, 0.5397), +INFO : (7, 0.56007), +INFO : (8, 0.57342), +INFO : (9, 0.58831), +INFO : (10, 0.59317), +INFO : (11, 0.60703), +INFO : (12, 0.61165), +INFO : (13, 0.61832), +INFO : (14, 0.62063), +INFO : (15, 0.62736), +INFO : (16, 0.6285), +INFO : (17, 0.63346), +INFO : (18, 0.63247), +INFO : (19, 0.63585), +INFO : (20, 0.63579), +INFO : (21, 0.63658), +INFO : (22, 0.63622), +INFO : (23, 0.63926), +INFO : (24, 0.63919), +INFO : (25, 0.64024), +INFO : (26, 0.63711), +INFO : (27, 0.63925), +INFO : (28, 0.63933), +INFO : (29, 0.63695), +INFO : (30, 0.63879), +INFO : (31, 0.63579), +INFO : (32, 0.63654), +INFO : (33, 0.63658), +INFO : (34, 0.63426), +INFO : (35, 0.63327), +INFO : (36, 0.63381), +INFO : (37, 0.62889), +INFO : (38, 0.63152), +INFO : (39, 0.62981), +INFO : (40, 0.62829), +INFO : (41, 0.62872), +INFO : (42, 0.62608), +INFO : (43, 0.62268), +INFO : (44, 0.62324), +INFO : (45, 0.62287), +INFO : (46, 0.62187), +INFO : (47, 0.623), +INFO : (48, 0.62007), +INFO : (49, 0.61966), +INFO : (50, 0.6199)], +INFO : 'val_loss': [(1, 19268.760601121186), +INFO : (2, 16317.260913303495), +INFO : (3, 14870.872762701241), +INFO : (4, 14060.049760970196), +INFO : (5, 13435.796931302242), +INFO : (6, 12890.042231572868), +INFO : (7, 12444.042102969344), +INFO : (8, 12097.646714553282), +INFO : (9, 11730.518451040645), +INFO : (10, 11587.779436485238), +INFO : (11, 11209.437450628335), +INFO : (12, 11071.919915572837), +INFO : (13, 10977.735420228448), +INFO : (14, 10905.148903626312), +INFO : (15, 10762.336946484449), +INFO : (16, 10738.41100817293), +INFO : (17, 10594.380213763117), +INFO : (18, 10665.369320514197), +INFO : (19, 10574.771846798612), +INFO : (20, 10606.656406236707), +INFO : (21, 10669.482238234947), +INFO : (22, 10711.609882652388), +INFO : (23, 10742.681704803035), +INFO : (24, 10788.35352333881), +INFO : (25, 10803.352723156071), +INFO : (26, 11034.004131588383), +INFO : (27, 11035.829516026944), +INFO : (28, 11148.681634335275), +INFO : (29, 11317.081171228385), +INFO : (30, 11381.967417388041), +INFO : (31, 11595.275483153428), +INFO : (32, 11756.329014862704), +INFO : (33, 11864.368957489083), +INFO : (34, 12145.517100525103), +INFO : (35, 12368.63665755191), +INFO : (36, 12491.642083945835), +INFO : (37, 12774.93034176398), +INFO : (38, 13024.515345787426), +INFO : (39, 13346.55890945875), +INFO : (40, 13550.163856244111), +INFO : (41, 13743.50116722435), +INFO : (42, 14159.55909443873), +INFO : (43, 14555.73210862076), +INFO : (44, 14755.642732319004), +INFO : (45, 15113.471726115115), +INFO : (46, 15402.705466964257), +INFO : (47, 15708.025870256486), +INFO : (48, 16054.403521014505), +INFO : (49, 16339.284033063946), +INFO : (50, 16596.576475368503)]} +INFO : +(ClientAppActor pid=3494240) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3494242) Files already downloaded and verified +(ClientAppActor pid=3494254) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3494252) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..64f7c77a75a1 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_10_C_0_NOISE_4_TRIAL.txt @@ -0,0 +1,2218 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 4 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535011) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 1 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535013) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535011) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535009) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535013) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535011) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535011) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535009) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 33 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3535010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 2030.14s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.234104), +INFO : (2, 0.373636), +INFO : (3, 0.44502), +INFO : (4, 0.492224), +INFO : (5, 0.523612), +INFO : (6, 0.556494), +INFO : (7, 0.580896), +INFO : (8, 0.601756), +INFO : (9, 0.620974), +INFO : (10, 0.636796), +INFO : (11, 0.643048), +INFO : (12, 0.664052), +INFO : (13, 0.674648), +INFO : (14, 0.682352), +INFO : (15, 0.691594), +INFO : (16, 0.701192), +INFO : (17, 0.709032), +INFO : (18, 0.722254), +INFO : (19, 0.729094), +INFO : (20, 0.734738), +INFO : (21, 0.739724), +INFO : (22, 0.74675), +INFO : (23, 0.759284), +INFO : (24, 0.765168), +INFO : (25, 0.770316), +INFO : (26, 0.772588), +INFO : (27, 0.780466), +INFO : (28, 0.784128), +INFO : (29, 0.786278), +INFO : (30, 0.80476), +INFO : (31, 0.802742), +INFO : (32, 0.811664), +INFO : (33, 0.8113), +INFO : (34, 0.82471), +INFO : (35, 0.826976), +INFO : (36, 0.829992), +INFO : (37, 0.834696), +INFO : (38, 0.838614), +INFO : (39, 0.845834), +INFO : (40, 0.8464), +INFO : (41, 0.851972), +INFO : (42, 0.8555), +INFO : (43, 0.860712), +INFO : (44, 0.863678), +INFO : (45, 0.869414), +INFO : (46, 0.870012), +INFO : (47, 0.876772), +INFO : (48, 0.881858), +INFO : (49, 0.879216), +INFO : (50, 0.887576)], +INFO : 'train_loss': [(1, 3272.4501719236373), +INFO : (2, 2678.5319645881655), +INFO : (3, 2391.107713675499), +INFO : (4, 2199.7183588683606), +INFO : (5, 2073.7388367533686), +INFO : (6, 1943.5514648079873), +INFO : (7, 1843.064377808571), +INFO : (8, 1754.986433327198), +INFO : (9, 1675.8714293390512), +INFO : (10, 1614.2156859397887), +INFO : (11, 1580.9224031209947), +INFO : (12, 1496.8888126820325), +INFO : (13, 1448.9473986208438), +INFO : (14, 1412.0718260616063), +INFO : (15, 1373.809009116888), +INFO : (16, 1326.9635479301214), +INFO : (17, 1293.346354740858), +INFO : (18, 1242.6776508301496), +INFO : (19, 1209.6942186146975), +INFO : (20, 1184.7706806063652), +INFO : (21, 1161.5152199983597), +INFO : (22, 1129.907836394012), +INFO : (23, 1078.8704653337597), +INFO : (24, 1052.4512382552027), +INFO : (25, 1026.965551495552), +INFO : (26, 1017.5069132953882), +INFO : (27, 977.5893487557769), +INFO : (28, 962.5040631100535), +INFO : (29, 948.5397867396474), +INFO : (30, 877.1174184948206), +INFO : (31, 878.6582165762782), +INFO : (32, 840.747818030417), +INFO : (33, 837.5403976723552), +INFO : (34, 784.7067697316409), +INFO : (35, 770.5832230068743), +INFO : (36, 754.8659385211765), +INFO : (37, 733.2399567522109), +INFO : (38, 715.2874641999603), +INFO : (39, 684.530891982466), +INFO : (40, 679.9775654688477), +INFO : (41, 656.8225327368825), +INFO : (42, 641.6933638118207), +INFO : (43, 617.2369673397392), +INFO : (44, 604.9927910562604), +INFO : (45, 578.4747057840228), +INFO : (46, 572.659008762613), +INFO : (47, 543.162311770767), +INFO : (48, 524.0868663668632), +INFO : (49, 528.6673023782671), +INFO : (50, 496.78639734871683)], +INFO : 'val_accuracy': [(1, 0.23666), +INFO : (2, 0.37503), +INFO : (3, 0.44228), +INFO : (4, 0.48805), +INFO : (5, 0.51462), +INFO : (6, 0.5434), +INFO : (7, 0.56653), +INFO : (8, 0.58439), +INFO : (9, 0.60016), +INFO : (10, 0.61153), +INFO : (11, 0.61489), +INFO : (12, 0.62964), +INFO : (13, 0.63416), +INFO : (14, 0.63862), +INFO : (15, 0.64317), +INFO : (16, 0.64769), +INFO : (17, 0.64947), +INFO : (18, 0.65425), +INFO : (19, 0.65727), +INFO : (20, 0.65916), +INFO : (21, 0.65619), +INFO : (22, 0.65964), +INFO : (23, 0.66358), +INFO : (24, 0.66466), +INFO : (25, 0.66241), +INFO : (26, 0.66123), +INFO : (27, 0.66256), +INFO : (28, 0.65965), +INFO : (29, 0.65846), +INFO : (30, 0.66633), +INFO : (31, 0.65984), +INFO : (32, 0.66324), +INFO : (33, 0.65913), +INFO : (34, 0.66131), +INFO : (35, 0.65948), +INFO : (36, 0.65873), +INFO : (37, 0.65739), +INFO : (38, 0.65542), +INFO : (39, 0.65501), +INFO : (40, 0.65338), +INFO : (41, 0.65124), +INFO : (42, 0.65292), +INFO : (43, 0.65063), +INFO : (44, 0.64757), +INFO : (45, 0.64948), +INFO : (46, 0.6467), +INFO : (47, 0.64632), +INFO : (48, 0.6451), +INFO : (49, 0.64232), +INFO : (50, 0.64146)], +INFO : 'val_loss': [(1, 20874.466701340676), +INFO : (2, 17047.276418132707), +INFO : (3, 15279.204188503792), +INFO : (4, 14148.755303935963), +INFO : (5, 13471.257418823068), +INFO : (6, 12735.309553121979), +INFO : (7, 12208.51680930814), +INFO : (8, 11760.478981140683), +INFO : (9, 11394.292342870884), +INFO : (10, 11138.232220289334), +INFO : (11, 11077.60184029598), +INFO : (12, 10694.99697623118), +INFO : (13, 10537.75634026003), +INFO : (14, 10461.980570960835), +INFO : (15, 10383.689113188928), +INFO : (16, 10245.703707772194), +INFO : (17, 10254.802076873912), +INFO : (18, 10096.602549060563), +INFO : (19, 10052.630094401604), +INFO : (20, 10059.796352515335), +INFO : (21, 10174.107467035308), +INFO : (22, 10135.995005797822), +INFO : (23, 10042.884981258001), +INFO : (24, 10062.657104636122), +INFO : (25, 10177.31651279487), +INFO : (26, 10358.170371983451), +INFO : (27, 10384.573546005731), +INFO : (28, 10507.871247421463), +INFO : (29, 10665.649168485195), +INFO : (30, 10573.80506562453), +INFO : (31, 10833.798989773535), +INFO : (32, 10849.971101169089), +INFO : (33, 11128.720475771028), +INFO : (34, 11135.82928260361), +INFO : (35, 11390.109315584426), +INFO : (36, 11547.53980616675), +INFO : (37, 11775.784532180624), +INFO : (38, 11998.012989871113), +INFO : (39, 12187.282819186677), +INFO : (40, 12488.357531162324), +INFO : (41, 12714.280363460823), +INFO : (42, 12885.341941136085), +INFO : (43, 13242.534800174024), +INFO : (44, 13569.145855143359), +INFO : (45, 13752.613383234944), +INFO : (46, 14058.43282284336), +INFO : (47, 14354.647930745652), +INFO : (48, 14557.931307955412), +INFO : (49, 15062.505649287335), +INFO : (50, 15359.281215937972)]} +INFO : +(ClientAppActor pid=3535015) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3535009) Files already downloaded and verified +(ClientAppActor pid=3535021) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3535018) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..f0b07cab3932 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_0_TRIAL.txt @@ -0,0 +1,3803 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3592970) INFO : Starting training... +(ClientAppActor pid=3592962) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 1 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3592963) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592965) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 4 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592967) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592967) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592960) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... +(ClientAppActor pid=3592969) INFO : Starting training... +(ClientAppActor pid=3592959) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592973) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592963) INFO : Starting training... +(ClientAppActor pid=3592959) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3592968) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592962) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3592961) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592964) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... +(ClientAppActor pid=3592969) INFO : Starting training... +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592967) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592965) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592964) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592973) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592973) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592969) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592968) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592965) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... +(ClientAppActor pid=3592969) INFO : Starting training... +(ClientAppActor pid=3592965) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592970) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592966) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592971) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... +(ClientAppActor pid=3592969) INFO : Starting training... +(ClientAppActor pid=3592961) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3592970) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3592971) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592969) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592963) INFO : Starting training... +(ClientAppActor pid=3592970) INFO : Starting training... +(ClientAppActor pid=3592970) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592970) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592960) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592973) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592969) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592971) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3592962) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592961) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592970) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592969) INFO : Starting training... +(ClientAppActor pid=3592971) INFO : Starting training... +(ClientAppActor pid=3592967) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592970) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592973) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592969) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592971) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592966) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3592969) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592967) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592959) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3592972) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592969) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... +(ClientAppActor pid=3592969) INFO : Starting training... +(ClientAppActor pid=3592973) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3592962) INFO : Starting training... +(ClientAppActor pid=3592969) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3592973) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592973) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592960) INFO : Starting training... +(ClientAppActor pid=3592970) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3592960) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592962) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592960) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... +(ClientAppActor pid=3592969) INFO : Starting training... +(ClientAppActor pid=3592968) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592961) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3592971) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3592969) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... +(ClientAppActor pid=3592969) INFO : Starting training... +(ClientAppActor pid=3592966) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3592962) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... +(ClientAppActor pid=3592969) INFO : Starting training... +(ClientAppActor pid=3592958) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3592963) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3592958) INFO : Starting training... +(ClientAppActor pid=3592969) INFO : Starting training... +(ClientAppActor pid=3592962) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3120.37s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.141253), +INFO : (2, 0.33067), +INFO : (3, 0.431409), +INFO : (4, 0.48115), +INFO : (5, 0.511929), +INFO : (6, 0.536533), +INFO : (7, 0.559067), +INFO : (8, 0.579349), +INFO : (9, 0.60176), +INFO : (10, 0.615664), +INFO : (11, 0.627147), +INFO : (12, 0.641688), +INFO : (13, 0.650977), +INFO : (14, 0.663102), +INFO : (15, 0.672998), +INFO : (16, 0.683719), +INFO : (17, 0.688832), +INFO : (18, 0.700583), +INFO : (19, 0.708455), +INFO : (20, 0.716854), +INFO : (21, 0.727267), +INFO : (22, 0.731392), +INFO : (23, 0.741012), +INFO : (24, 0.746928), +INFO : (25, 0.754326), +INFO : (26, 0.762159), +INFO : (27, 0.767478), +INFO : (28, 0.767689), +INFO : (29, 0.777783), +INFO : (30, 0.785133), +INFO : (31, 0.78713), +INFO : (32, 0.79587), +INFO : (33, 0.803851), +INFO : (34, 0.806349), +INFO : (35, 0.810371), +INFO : (36, 0.818637), +INFO : (37, 0.823281), +INFO : (38, 0.826055), +INFO : (39, 0.83302), +INFO : (40, 0.835496), +INFO : (41, 0.839069), +INFO : (42, 0.846457), +INFO : (43, 0.847456), +INFO : (44, 0.851249), +INFO : (45, 0.856205), +INFO : (46, 0.859244), +INFO : (47, 0.864565), +INFO : (48, 0.865637), +INFO : (49, 0.86784), +INFO : (50, 0.876112)], +INFO : 'train_loss': [(1, 3582.1959461569786), +INFO : (2, 2889.1291977465153), +INFO : (3, 2438.711771565676), +INFO : (4, 2244.353216007352), +INFO : (5, 2121.971088472009), +INFO : (6, 2025.114953649044), +INFO : (7, 1930.8689415425063), +INFO : (8, 1852.260510033369), +INFO : (9, 1759.8651829212904), +INFO : (10, 1703.7345428094268), +INFO : (11, 1652.6650151714682), +INFO : (12, 1593.97094681561), +INFO : (13, 1552.5970748916268), +INFO : (14, 1499.2471542924643), +INFO : (15, 1457.7630269020797), +INFO : (16, 1411.6966827586293), +INFO : (17, 1387.8222821474076), +INFO : (18, 1333.2540800377726), +INFO : (19, 1298.3264099538326), +INFO : (20, 1264.8865003734827), +INFO : (21, 1218.6812927171588), +INFO : (22, 1199.009204930067), +INFO : (23, 1159.2481414213776), +INFO : (24, 1129.1507277287542), +INFO : (25, 1098.944993184507), +INFO : (26, 1065.514973371476), +INFO : (27, 1040.6052790261806), +INFO : (28, 1033.1561701014639), +INFO : (29, 993.4716900870204), +INFO : (30, 959.5170967929065), +INFO : (31, 949.101811363548), +INFO : (32, 911.7134100578726), +INFO : (33, 877.0842442415654), +INFO : (34, 864.1704150639474), +INFO : (35, 844.3644058763981), +INFO : (36, 809.822098364681), +INFO : (37, 788.8872821886092), +INFO : (38, 773.4298658914864), +INFO : (39, 746.4396437235176), +INFO : (40, 731.0691952388734), +INFO : (41, 714.9233081154525), +INFO : (42, 682.7554461397231), +INFO : (43, 676.2050666600466), +INFO : (44, 659.6609918281436), +INFO : (45, 636.0696469848975), +INFO : (46, 622.4385962760076), +INFO : (47, 602.2076330640351), +INFO : (48, 595.6248190628364), +INFO : (49, 581.4155576031656), +INFO : (50, 549.0024227054789)], +INFO : 'val_accuracy': [(1, 0.142455), +INFO : (2, 0.33494), +INFO : (3, 0.433495), +INFO : (4, 0.47936), +INFO : (5, 0.50753), +INFO : (6, 0.5283), +INFO : (7, 0.545015), +INFO : (8, 0.561715), +INFO : (9, 0.57621), +INFO : (10, 0.584565), +INFO : (11, 0.593905), +INFO : (12, 0.60182), +INFO : (13, 0.60654), +INFO : (14, 0.613485), +INFO : (15, 0.61958), +INFO : (16, 0.6257), +INFO : (17, 0.62481), +INFO : (18, 0.631465), +INFO : (19, 0.635195), +INFO : (20, 0.63604), +INFO : (21, 0.640365), +INFO : (22, 0.639275), +INFO : (23, 0.641385), +INFO : (24, 0.64186), +INFO : (25, 0.64162), +INFO : (26, 0.643655), +INFO : (27, 0.641695), +INFO : (28, 0.639045), +INFO : (29, 0.63989), +INFO : (30, 0.6396), +INFO : (31, 0.637525), +INFO : (32, 0.636145), +INFO : (33, 0.638685), +INFO : (34, 0.635645), +INFO : (35, 0.634795), +INFO : (36, 0.63575), +INFO : (37, 0.632825), +INFO : (38, 0.632385), +INFO : (39, 0.629755), +INFO : (40, 0.627965), +INFO : (41, 0.626675), +INFO : (42, 0.62617), +INFO : (43, 0.624345), +INFO : (44, 0.62176), +INFO : (45, 0.62181), +INFO : (46, 0.62052), +INFO : (47, 0.619785), +INFO : (48, 0.6183), +INFO : (49, 0.616615), +INFO : (50, 0.616175)], +INFO : 'val_loss': [(1, 22918.425432467462), +INFO : (2, 18386.446658191086), +INFO : (3, 15569.759873841327), +INFO : (4, 14412.589585297741), +INFO : (5, 13690.494921805393), +INFO : (6, 13184.805503503201), +INFO : (7, 12706.395100632895), +INFO : (8, 12324.636699407141), +INFO : (9, 11879.598680738918), +INFO : (10, 11671.246021564106), +INFO : (11, 11483.840899527158), +INFO : (12, 11273.818027197802), +INFO : (13, 11155.346624618094), +INFO : (14, 10981.450643902786), +INFO : (15, 10886.43342234938), +INFO : (16, 10762.14857520191), +INFO : (17, 10815.115706373412), +INFO : (18, 10643.031252050598), +INFO : (19, 10607.05867312023), +INFO : (20, 10610.129332982344), +INFO : (21, 10543.460327664383), +INFO : (22, 10633.830150911504), +INFO : (23, 10605.283049866897), +INFO : (24, 10673.962489214855), +INFO : (25, 10696.778689928251), +INFO : (26, 10749.775719815396), +INFO : (27, 10865.12161029044), +INFO : (28, 11073.147207502274), +INFO : (29, 11088.731279857522), +INFO : (30, 11142.531765840837), +INFO : (31, 11380.146801974492), +INFO : (32, 11422.807867047079), +INFO : (33, 11510.489717713763), +INFO : (34, 11754.661388050767), +INFO : (35, 11957.009780346483), +INFO : (36, 12029.014507450758), +INFO : (37, 12304.57389466511), +INFO : (38, 12571.898671113016), +INFO : (39, 12721.953847112323), +INFO : (40, 12989.28578863309), +INFO : (41, 13309.63597351206), +INFO : (42, 13449.470222341204), +INFO : (43, 13845.150398011094), +INFO : (44, 14072.345315199487), +INFO : (45, 14370.921520814465), +INFO : (46, 14724.382782851408), +INFO : (47, 14985.561710078955), +INFO : (48, 15430.776326094836), +INFO : (49, 15827.783462050906), +INFO : (50, 16005.048228468844)]} +INFO : +(ClientAppActor pid=3592959) INFO : Starting training... [repeated 3x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3592958) Files already downloaded and verified +(ClientAppActor pid=3592963) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..a3bf91ce1248 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_1_TRIAL.txt @@ -0,0 +1,3807 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667015) INFO : Starting training... +(ClientAppActor pid=3667023) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 2 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667029) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667023) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667019) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667029) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667029) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667019) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667018) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... +(ClientAppActor pid=3667018) INFO : Starting training... +(ClientAppActor pid=3667021) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3667028) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... +(ClientAppActor pid=3667018) INFO : Starting training... +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3667018) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... +(ClientAppActor pid=3667018) INFO : Starting training... +(ClientAppActor pid=3667023) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667020) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667023) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667017) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... +(ClientAppActor pid=3667018) INFO : Starting training... +(ClientAppActor pid=3667024) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3667017) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... +(ClientAppActor pid=3667018) INFO : Starting training... +(ClientAppActor pid=3667027) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667025) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667017) INFO : Starting training... +(ClientAppActor pid=3667023) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667018) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667027) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667019) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667023) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667018) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667029) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667017) INFO : Starting training... +(ClientAppActor pid=3667024) INFO : Starting training... +(ClientAppActor pid=3667030) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667018) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667021) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667030) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667029) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... +(ClientAppActor pid=3667018) INFO : Starting training... +(ClientAppActor pid=3667028) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667021) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667020) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667028) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667017) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667028) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667019) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667017) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667016) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667020) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667018) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667027) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667020) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... +(ClientAppActor pid=3667018) INFO : Starting training... +(ClientAppActor pid=3667025) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3667015) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667018) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667017) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667016) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667023) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667030) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667025) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... +(ClientAppActor pid=3667018) INFO : Starting training... +(ClientAppActor pid=3667015) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3667025) INFO : Starting training... +(ClientAppActor pid=3667030) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667028) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667017) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667030) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667024) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667017) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667017) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667020) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667023) INFO : Starting training... +(ClientAppActor pid=3667031) INFO : Starting training... +(ClientAppActor pid=3667016) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3667027) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667020) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667021) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667023) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667025) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667024) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667018) INFO : Starting training... +(ClientAppActor pid=3667028) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667025) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667017) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... +(ClientAppActor pid=3667018) INFO : Starting training... +(ClientAppActor pid=3667029) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667031) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667029) INFO : Starting training... +(ClientAppActor pid=3667019) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667024) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3667024) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3667019) INFO : Starting training... +(ClientAppActor pid=3667016) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3667022) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3667016) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 38 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3077.57s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.255221), +INFO : (2, 0.382162), +INFO : (3, 0.457502), +INFO : (4, 0.501984), +INFO : (5, 0.528801), +INFO : (6, 0.552187), +INFO : (7, 0.571433), +INFO : (8, 0.590403), +INFO : (9, 0.604434), +INFO : (10, 0.616456), +INFO : (11, 0.63162), +INFO : (12, 0.645325), +INFO : (13, 0.659366), +INFO : (14, 0.666865), +INFO : (15, 0.671588), +INFO : (16, 0.68429), +INFO : (17, 0.694839), +INFO : (18, 0.702105), +INFO : (19, 0.711015), +INFO : (20, 0.71874), +INFO : (21, 0.725896), +INFO : (22, 0.732337), +INFO : (23, 0.7392), +INFO : (24, 0.745718), +INFO : (25, 0.754919), +INFO : (26, 0.761907), +INFO : (27, 0.767483), +INFO : (28, 0.773809), +INFO : (29, 0.778576), +INFO : (30, 0.787178), +INFO : (31, 0.790254), +INFO : (32, 0.797418), +INFO : (33, 0.80341), +INFO : (34, 0.804544), +INFO : (35, 0.814711), +INFO : (36, 0.821614), +INFO : (37, 0.825155), +INFO : (38, 0.829665), +INFO : (39, 0.833404), +INFO : (40, 0.837004), +INFO : (41, 0.843697), +INFO : (42, 0.844695), +INFO : (43, 0.852017), +INFO : (44, 0.854584), +INFO : (45, 0.86035), +INFO : (46, 0.863627), +INFO : (47, 0.865866), +INFO : (48, 0.867925), +INFO : (49, 0.871553), +INFO : (50, 0.875647)], +INFO : 'train_loss': [(1, 3228.183341473341), +INFO : (2, 2669.41337031126), +INFO : (3, 2322.3338131040337), +INFO : (4, 2156.057877460122), +INFO : (5, 2050.2084111869335), +INFO : (6, 1957.8138873577118), +INFO : (7, 1883.3268412932753), +INFO : (8, 1805.7348853349686), +INFO : (9, 1745.2268797934055), +INFO : (10, 1688.9346270009876), +INFO : (11, 1632.039007075131), +INFO : (12, 1571.1346122473478), +INFO : (13, 1517.5773213446141), +INFO : (14, 1482.8010229974984), +INFO : (15, 1459.1188285455107), +INFO : (16, 1404.8744400665164), +INFO : (17, 1360.7527319416404), +INFO : (18, 1327.6001876324415), +INFO : (19, 1289.352294459939), +INFO : (20, 1254.1129908680916), +INFO : (21, 1221.2527790799736), +INFO : (22, 1192.9300829790532), +INFO : (23, 1161.3987598396839), +INFO : (24, 1130.8915326803922), +INFO : (25, 1092.9459848627448), +INFO : (26, 1062.8041624203324), +INFO : (27, 1034.0771370485425), +INFO : (28, 1007.3095160961151), +INFO : (29, 985.3325416706502), +INFO : (30, 948.4434274513275), +INFO : (31, 931.6843196175993), +INFO : (32, 901.8831195414066), +INFO : (33, 874.9282474499196), +INFO : (34, 865.3690411675722), +INFO : (35, 825.4216898865998), +INFO : (36, 795.70398096852), +INFO : (37, 777.9374521464109), +INFO : (38, 754.2429514087737), +INFO : (39, 737.4967138811946), +INFO : (40, 721.805165881291), +INFO : (41, 694.1466962937266), +INFO : (42, 685.2274799849838), +INFO : (43, 655.5857120238245), +INFO : (44, 642.6191595006734), +INFO : (45, 617.5539811316878), +INFO : (46, 603.3126191303134), +INFO : (47, 589.5602050894871), +INFO : (48, 579.5499811723828), +INFO : (49, 561.7735282113777), +INFO : (50, 545.0256520342082)], +INFO : 'val_accuracy': [(1, 0.261825), +INFO : (2, 0.38502), +INFO : (3, 0.458675), +INFO : (4, 0.499565), +INFO : (5, 0.52305), +INFO : (6, 0.54291), +INFO : (7, 0.556105), +INFO : (8, 0.571295), +INFO : (9, 0.583175), +INFO : (10, 0.591445), +INFO : (11, 0.602325), +INFO : (12, 0.61036), +INFO : (13, 0.61895), +INFO : (14, 0.62127), +INFO : (15, 0.62252), +INFO : (16, 0.628515), +INFO : (17, 0.63314), +INFO : (18, 0.634925), +INFO : (19, 0.63856), +INFO : (20, 0.640375), +INFO : (21, 0.641675), +INFO : (22, 0.642995), +INFO : (23, 0.64294), +INFO : (24, 0.645), +INFO : (25, 0.64618), +INFO : (26, 0.646055), +INFO : (27, 0.64725), +INFO : (28, 0.647245), +INFO : (29, 0.647325), +INFO : (30, 0.647755), +INFO : (31, 0.64485), +INFO : (32, 0.64638), +INFO : (33, 0.64542), +INFO : (34, 0.64403), +INFO : (35, 0.64382), +INFO : (36, 0.64476), +INFO : (37, 0.644185), +INFO : (38, 0.642645), +INFO : (39, 0.640965), +INFO : (40, 0.63972), +INFO : (41, 0.63941), +INFO : (42, 0.63796), +INFO : (43, 0.637915), +INFO : (44, 0.635455), +INFO : (45, 0.635745), +INFO : (46, 0.634905), +INFO : (47, 0.633325), +INFO : (48, 0.630565), +INFO : (49, 0.63044), +INFO : (50, 0.62916)], +INFO : 'val_loss': [(1, 20550.969341718406), +INFO : (2, 16962.12916231677), +INFO : (3, 14842.146829504147), +INFO : (4, 13839.991176105326), +INFO : (5, 13241.871305577602), +INFO : (6, 12748.116049752143), +INFO : (7, 12397.197078950347), +INFO : (8, 12017.571751645837), +INFO : (9, 11758.688342306279), +INFO : (10, 11523.972083582272), +INFO : (11, 11280.903729947642), +INFO : (12, 11049.131553632797), +INFO : (13, 10841.414019617629), +INFO : (14, 10778.83262272972), +INFO : (15, 10784.283265764472), +INFO : (16, 10631.028905492089), +INFO : (17, 10515.975376689044), +INFO : (18, 10481.695707142664), +INFO : (19, 10415.833136914607), +INFO : (20, 10400.292126108681), +INFO : (21, 10411.584754590092), +INFO : (22, 10426.797767626704), +INFO : (23, 10502.626591698443), +INFO : (24, 10504.183368458942), +INFO : (25, 10508.549702878887), +INFO : (26, 10570.956753042163), +INFO : (27, 10628.556959122707), +INFO : (28, 10714.325435182587), +INFO : (29, 10874.385406002204), +INFO : (30, 10872.172915057436), +INFO : (31, 11062.105863523615), +INFO : (32, 11176.595672017567), +INFO : (33, 11335.947371122853), +INFO : (34, 11543.31343824639), +INFO : (35, 11594.313786204857), +INFO : (36, 11752.819135505315), +INFO : (37, 11955.44535441184), +INFO : (38, 12191.203658513581), +INFO : (39, 12429.151144649742), +INFO : (40, 12647.883603924854), +INFO : (41, 12838.301884259536), +INFO : (42, 13199.35822600313), +INFO : (43, 13371.016351244587), +INFO : (44, 13662.69951412866), +INFO : (45, 13898.82056209862), +INFO : (46, 14211.559803263171), +INFO : (47, 14483.523516112913), +INFO : (48, 14877.329346670356), +INFO : (49, 15190.183083293952), +INFO : (50, 15457.095563698469)]} +INFO : +(ClientAppActor pid=3667019) INFO : Starting training... [repeated 3x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3667015) Files already downloaded and verified +(ClientAppActor pid=3667025) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..b465e358e6f3 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_2_TRIAL.txt @@ -0,0 +1,3799 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738609) INFO : Starting training... +(ClientAppActor pid=3738605) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 4 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738608) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738604) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738602) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3738606) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738610) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3738603) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738613) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3738604) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738606) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3738603) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738604) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3738601) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3738607) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738604) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738613) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738613) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738615) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3738605) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738606) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3738609) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738615) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738616) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO [0m: Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738610) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738616) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3738604) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3738607) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738603) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738615) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3738611) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738608) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738604) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3738609) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738609) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3738610) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738612) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738616) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738612) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3738605) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3738606) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738613) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738615) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738606) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738612) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738602) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738615) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738610) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3738615) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738609) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3738602) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3738608) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738605) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738609) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3738604) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738616) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3738609) INFO : Starting training... +(ClientAppActor pid=3738610) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3738611) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738602) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738612) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3738609) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3738613) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3738614) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3738613) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3738614) INFO : Starting training... +(ClientAppActor pid=3738601) INFO : Starting training... +(ClientAppActor pid=3738604) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3738603) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3124.22s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.272619), +INFO : (2, 0.397496), +INFO : (3, 0.443845), +INFO : (4, 0.476142), +INFO : (5, 0.507874), +INFO : (6, 0.539277), +INFO : (7, 0.563004), +INFO : (8, 0.582267), +INFO : (9, 0.60469), +INFO : (10, 0.615721), +INFO : (11, 0.629771), +INFO : (12, 0.638047), +INFO : (13, 0.652027), +INFO : (14, 0.665175), +INFO : (15, 0.678198), +INFO : (16, 0.685648), +INFO : (17, 0.695994), +INFO : (18, 0.705113), +INFO : (19, 0.710497), +INFO : (20, 0.718642), +INFO : (21, 0.725664), +INFO : (22, 0.73505), +INFO : (23, 0.741259), +INFO : (24, 0.74644), +INFO : (25, 0.755543), +INFO : (26, 0.758006), +INFO : (27, 0.767552), +INFO : (28, 0.773116), +INFO : (29, 0.782314), +INFO : (30, 0.786489), +INFO : (31, 0.793583), +INFO : (32, 0.797953), +INFO : (33, 0.80702), +INFO : (34, 0.808775), +INFO : (35, 0.812796), +INFO : (36, 0.821051), +INFO : (37, 0.823327), +INFO : (38, 0.82739), +INFO : (39, 0.831564), +INFO : (40, 0.838701), +INFO : (41, 0.839563), +INFO : (42, 0.845907), +INFO : (43, 0.851105), +INFO : (44, 0.858954), +INFO : (45, 0.860709), +INFO : (46, 0.862671), +INFO : (47, 0.866976), +INFO : (48, 0.868048), +INFO : (49, 0.868658), +INFO : (50, 0.876292)], +INFO : 'train_loss': [(1, 3123.805231380463), +INFO : (2, 2577.542741763592), +INFO : (3, 2398.12985201478), +INFO : (4, 2264.6875294297934), +INFO : (5, 2138.916437971592), +INFO : (6, 2014.3629937916994), +INFO : (7, 1913.9570675432683), +INFO : (8, 1838.4769030064344), +INFO : (9, 1746.1849230736493), +INFO : (10, 1699.3661995649338), +INFO : (11, 1641.7081783682108), +INFO : (12, 1605.2922380059958), +INFO : (13, 1547.9587490677834), +INFO : (14, 1489.673069895804), +INFO : (15, 1435.866253991425), +INFO : (16, 1398.4928560122848), +INFO : (17, 1353.6758749455214), +INFO : (18, 1317.10597833246), +INFO : (19, 1289.1666420817376), +INFO : (20, 1253.9962906815113), +INFO : (21, 1221.5336354143917), +INFO : (22, 1182.2180319093168), +INFO : (23, 1154.4869891889393), +INFO : (24, 1127.986878988892), +INFO : (25, 1090.4321493126452), +INFO : (26, 1078.085018926114), +INFO : (27, 1036.6149551667272), +INFO : (28, 1013.5597812555731), +INFO : (29, 975.4423098899424), +INFO : (30, 953.982424120605), +INFO : (31, 925.3747700400651), +INFO : (32, 905.4117411695421), +INFO : (33, 867.5904390327632), +INFO : (34, 855.1611426312477), +INFO : (35, 835.2036121428013), +INFO : (36, 801.1292014971375), +INFO : (37, 790.1654392503202), +INFO : (38, 772.0774966619908), +INFO : (39, 750.5749760732054), +INFO : (40, 719.7138997584582), +INFO : (41, 712.5063387606293), +INFO : (42, 685.3300579849631), +INFO : (43, 661.1244808614254), +INFO : (44, 631.2540305033326), +INFO : (45, 620.5704240910709), +INFO : (46, 607.1505316082388), +INFO : (47, 588.5622616339475), +INFO : (48, 581.523441468738), +INFO : (49, 574.3127110069619), +INFO : (50, 544.5645392928272)], +INFO : 'val_accuracy': [(1, 0.274675), +INFO : (2, 0.39362), +INFO : (3, 0.43912), +INFO : (4, 0.47189), +INFO : (5, 0.50126), +INFO : (6, 0.52774), +INFO : (7, 0.546), +INFO : (8, 0.561905), +INFO : (9, 0.57989), +INFO : (10, 0.58689), +INFO : (11, 0.597395), +INFO : (12, 0.60272), +INFO : (13, 0.61064), +INFO : (14, 0.620585), +INFO : (15, 0.62657), +INFO : (16, 0.6306), +INFO : (17, 0.635175), +INFO : (18, 0.639195), +INFO : (19, 0.64027), +INFO : (20, 0.6429), +INFO : (21, 0.644865), +INFO : (22, 0.64847), +INFO : (23, 0.648305), +INFO : (24, 0.64864), +INFO : (25, 0.65125), +INFO : (26, 0.649375), +INFO : (27, 0.65171), +INFO : (28, 0.650935), +INFO : (29, 0.65302), +INFO : (30, 0.650485), +INFO : (31, 0.65232), +INFO : (32, 0.651405), +INFO : (33, 0.65219), +INFO : (34, 0.64935), +INFO : (35, 0.64928), +INFO : (36, 0.64861), +INFO : (37, 0.64701), +INFO : (38, 0.64505), +INFO : (39, 0.64433), +INFO : (40, 0.64487), +INFO : (41, 0.64223), +INFO : (42, 0.641995), +INFO : (43, 0.64169), +INFO : (44, 0.640555), +INFO : (45, 0.640305), +INFO : (46, 0.638695), +INFO : (47, 0.63903), +INFO : (48, 0.63669), +INFO : (49, 0.63251), +INFO : (50, 0.63368)], +INFO : 'val_loss': [(1, 19956.640957555177), +INFO : (2, 16533.213366642223), +INFO : (3, 15379.399669378905), +INFO : (4, 14545.179757051774), +INFO : (5, 13807.373715006512), +INFO : (6, 13120.924314563805), +INFO : (7, 12608.949293431988), +INFO : (8, 12248.15179314451), +INFO : (9, 11801.959599045293), +INFO : (10, 11619.419701119195), +INFO : (11, 11379.840764215924), +INFO : (12, 11305.854864622403), +INFO : (13, 11072.142124220549), +INFO : (14, 10859.225113786395), +INFO : (15, 10671.357519305908), +INFO : (16, 10607.162686093458), +INFO : (17, 10487.579211440649), +INFO : (18, 10416.186320728038), +INFO : (19, 10388.261098878076), +INFO : (20, 10374.850785173809), +INFO : (21, 10375.377826975868), +INFO : (22, 10300.31572709018), +INFO : (23, 10367.357904842374), +INFO : (24, 10394.06880766032), +INFO : (25, 10376.667022690968), +INFO : (26, 10504.828417498193), +INFO : (27, 10509.150831192675), +INFO : (28, 10582.14341358569), +INFO : (29, 10619.729480548938), +INFO : (30, 10759.679682104348), +INFO : (31, 10816.126401275631), +INFO : (32, 10981.999179420294), +INFO : (33, 10997.26425863918), +INFO : (34, 11211.318076743602), +INFO : (35, 11415.95720901104), +INFO : (36, 11497.879996024038), +INFO : (37, 11753.835695487862), +INFO : (38, 11919.822812261604), +INFO : (39, 12157.212780256425), +INFO : (40, 12298.814533824316), +INFO : (41, 12555.426220312569), +INFO : (42, 12709.636928543025), +INFO : (43, 12933.868524793634), +INFO : (44, 13110.255345486561), +INFO : (45, 13428.894994006958), +INFO : (46, 13780.017537834785), +INFO : (47, 14072.797712565742), +INFO : (48, 14429.118514145064), +INFO : (49, 14803.597486861592), +INFO : (50, 15042.927517785018)]} +INFO : +(ClientAppActor pid=3738609) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3738606) Files already downloaded and verified +(ClientAppActor pid=3738616) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..eeaeaf82c275 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_3_TRIAL.txt @@ -0,0 +1,3794 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817825) INFO : Starting training... +(ClientAppActor pid=3817824) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3817821) INFO : Starting training... +(ClientAppActor pid=3817833) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 3 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3817828) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817833) INFO : Starting training... +(ClientAppActor pid=3817822) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3817826) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817827) INFO : Starting training... +(ClientAppActor pid=3817830) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 3 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3817828) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817823) INFO : Starting training... +(ClientAppActor pid=3817825) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3817828) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817822) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... +(ClientAppActor pid=3817822) INFO : Starting training... +(ClientAppActor pid=3817825) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3817823) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... +(ClientAppActor pid=3817822) INFO : Starting training... +(ClientAppActor pid=3817821) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817823) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817832) INFO : Starting training... +(ClientAppActor pid=3817824) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3817821) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817828) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817830) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817819) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... +(ClientAppActor pid=3817822) INFO : Starting training... +(ClientAppActor pid=3817821) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817829) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817829) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817829) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817825) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... +(ClientAppActor pid=3817822) INFO : Starting training... +(ClientAppActor pid=3817832) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817826) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817832) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817826) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817832) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817824) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817830) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817828) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817834) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817822) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817821) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817830) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817831) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817829) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3817821) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817822) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817822) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817821) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... +(ClientAppActor pid=3817822) INFO : Starting training... +(ClientAppActor pid=3817833) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817828) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817831) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817821) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817826) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817825) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817824) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817827) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817828) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... +(ClientAppActor pid=3817822) INFO : Starting training... +(ClientAppActor pid=3817829) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817821) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817826) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... +(ClientAppActor pid=3817822) INFO : Starting training... +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817833) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817834) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817826) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817831) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817830) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3817832) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817820) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 33 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3817826) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3817831) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3817826) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3206.26s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.279691), +INFO : (2, 0.399175), +INFO : (3, 0.444598), +INFO : (4, 0.49047), +INFO : (5, 0.522534), +INFO : (6, 0.550798), +INFO : (7, 0.573586), +INFO : (8, 0.59117), +INFO : (9, 0.608181), +INFO : (10, 0.624186), +INFO : (11, 0.636082), +INFO : (12, 0.651612), +INFO : (13, 0.662467), +INFO : (14, 0.672614), +INFO : (15, 0.684078), +INFO : (16, 0.694222), +INFO : (17, 0.705752), +INFO : (18, 0.71406), +INFO : (19, 0.718624), +INFO : (20, 0.725681), +INFO : (21, 0.735527), +INFO : (22, 0.74414), +INFO : (23, 0.74843), +INFO : (24, 0.758211), +INFO : (25, 0.762427), +INFO : (26, 0.769262), +INFO : (27, 0.777342), +INFO : (28, 0.781559), +INFO : (29, 0.786536), +INFO : (30, 0.796045), +INFO : (31, 0.79928), +INFO : (32, 0.804008), +INFO : (33, 0.805907), +INFO : (34, 0.813523), +INFO : (35, 0.818378), +INFO : (36, 0.82233), +INFO : (37, 0.830945), +INFO : (38, 0.836195), +INFO : (39, 0.840265), +INFO : (40, 0.849047), +INFO : (41, 0.846908), +INFO : (42, 0.855051), +INFO : (43, 0.854508), +INFO : (44, 0.859722), +INFO : (45, 0.865601), +INFO : (46, 0.869277), +INFO : (47, 0.867033), +INFO : (48, 0.876603), +INFO : (49, 0.878135), +INFO : (50, 0.875147)], +INFO : 'train_loss': [(1, 3101.9928685843943), +INFO : (2, 2562.564646285772), +INFO : (3, 2366.467189976573), +INFO : (4, 2197.869134992361), +INFO : (5, 2072.3268066495657), +INFO : (6, 1957.215616363287), +INFO : (7, 1860.604963439703), +INFO : (8, 1789.6391882807015), +INFO : (9, 1721.0827303439378), +INFO : (10, 1653.7520758777857), +INFO : (11, 1602.6484098225833), +INFO : (12, 1538.0179813593627), +INFO : (13, 1492.722868937254), +INFO : (14, 1448.088178679347), +INFO : (15, 1399.0803401052951), +INFO : (16, 1353.165889634192), +INFO : (17, 1307.103379932046), +INFO : (18, 1272.163282249868), +INFO : (19, 1247.4099219106138), +INFO : (20, 1215.4944881170989), +INFO : (21, 1174.5033485293388), +INFO : (22, 1136.3926827177406), +INFO : (23, 1115.1136544540525), +INFO : (24, 1074.234407030046), +INFO : (25, 1052.227136208862), +INFO : (26, 1022.4692724794149), +INFO : (27, 988.4554139852523), +INFO : (28, 970.0928693458438), +INFO : (29, 948.356588626653), +INFO : (30, 909.4525820806623), +INFO : (31, 891.7657437331975), +INFO : (32, 871.2434749796987), +INFO : (33, 859.7580361939966), +INFO : (34, 828.6211121894419), +INFO : (35, 805.3320628538728), +INFO : (36, 787.6576974425465), +INFO : (37, 752.2606728155166), +INFO : (38, 729.8446258343756), +INFO : (39, 712.4018419131637), +INFO : (40, 678.9784556046128), +INFO : (41, 681.2508163735271), +INFO : (42, 647.2933133158833), +INFO : (43, 644.4841322889553), +INFO : (44, 623.918810336478), +INFO : (45, 596.6624248221517), +INFO : (46, 581.1193971712142), +INFO : (47, 585.1018744368106), +INFO : (48, 548.6511046459899), +INFO : (49, 538.2412907537073), +INFO : (50, 545.302185165696)], +INFO : 'val_accuracy': [(1, 0.28558), +INFO : (2, 0.396475), +INFO : (3, 0.438695), +INFO : (4, 0.481685), +INFO : (5, 0.512275), +INFO : (6, 0.53523), +INFO : (7, 0.555505), +INFO : (8, 0.571775), +INFO : (9, 0.586905), +INFO : (10, 0.59809), +INFO : (11, 0.60589), +INFO : (12, 0.61737), +INFO : (13, 0.62275), +INFO : (14, 0.628285), +INFO : (15, 0.63618), +INFO : (16, 0.641), +INFO : (17, 0.64665), +INFO : (18, 0.649145), +INFO : (19, 0.650675), +INFO : (20, 0.652885), +INFO : (21, 0.655075), +INFO : (22, 0.65805), +INFO : (23, 0.65644), +INFO : (24, 0.66104), +INFO : (25, 0.659795), +INFO : (26, 0.66213), +INFO : (27, 0.66199), +INFO : (28, 0.661175), +INFO : (29, 0.660805), +INFO : (30, 0.66131), +INFO : (31, 0.66117), +INFO : (32, 0.659395), +INFO : (33, 0.658715), +INFO : (34, 0.660015), +INFO : (35, 0.65973), +INFO : (36, 0.657345), +INFO : (37, 0.657645), +INFO : (38, 0.65685), +INFO : (39, 0.6557), +INFO : (40, 0.65752), +INFO : (41, 0.653065), +INFO : (42, 0.654675), +INFO : (43, 0.653685), +INFO : (44, 0.65169), +INFO : (45, 0.65153), +INFO : (46, 0.648695), +INFO : (47, 0.647915), +INFO : (48, 0.64725), +INFO : (49, 0.647755), +INFO : (50, 0.642415)], +INFO : 'val_loss': [(1, 19768.831078943607), +INFO : (2, 16366.513427657637), +INFO : (3, 15152.075222065205), +INFO : (4, 14157.073830892657), +INFO : (5, 13455.035087337186), +INFO : (6, 12845.615434753101), +INFO : (7, 12316.595449013153), +INFO : (8, 11962.039584696668), +INFO : (9, 11618.83527236608), +INFO : (10, 11300.928871257938), +INFO : (11, 11132.730993241788), +INFO : (12, 10849.860504559236), +INFO : (13, 10689.479317725165), +INFO : (14, 10547.014228841777), +INFO : (15, 10415.739012282389), +INFO : (16, 10283.550331494802), +INFO : (17, 10152.40484600342), +INFO : (18, 10081.322316338825), +INFO : (19, 10121.098666359241), +INFO : (20, 10095.86260300718), +INFO : (21, 10033.823852271395), +INFO : (22, 10020.357294625886), +INFO : (23, 10050.19806240329), +INFO : (24, 9992.931123545142), +INFO : (25, 10123.412966265574), +INFO : (26, 10178.270965457941), +INFO : (27, 10175.599303047464), +INFO : (28, 10285.617954297644), +INFO : (29, 10368.712421639711), +INFO : (30, 10394.616483149335), +INFO : (31, 10522.813979880799), +INFO : (32, 10678.176143889463), +INFO : (33, 10859.899124423004), +INFO : (34, 10971.482305384454), +INFO : (35, 11117.954290242265), +INFO : (36, 11293.209228044221), +INFO : (37, 11393.885441268234), +INFO : (38, 11603.653785870441), +INFO : (39, 11732.864374971814), +INFO : (40, 11859.344418529989), +INFO : (41, 12277.97192021837), +INFO : (42, 12377.452531306184), +INFO : (43, 12716.29736159393), +INFO : (44, 12966.519625847555), +INFO : (45, 13172.293794123694), +INFO : (46, 13423.451844430192), +INFO : (47, 13906.274831657001), +INFO : (48, 14033.230856179795), +INFO : (49, 14301.27690359166), +INFO : (50, 14760.10694917837)]} +INFO : +(ClientAppActor pid=3817829) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3817825) Files already downloaded and verified +(ClientAppActor pid=3817822) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..bba9ad8c6fa4 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_20_C_0_NOISE_4_TRIAL.txt @@ -0,0 +1,3800 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910723) INFO : Starting training... +(ClientAppActor pid=3910737) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 1 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910738) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910723) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910735) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910729) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910734) INFO : Starting training... +(ClientAppActor pid=3910735) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910732) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910730) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910723) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 3 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910728) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... +(ClientAppActor pid=3910727) INFO : Starting training... +(ClientAppActor pid=3910733) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3910726) INFO : Starting training... +(ClientAppActor pid=3910724) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910726) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910729) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910738) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910736) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910726) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910728) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910723) INFO : Starting training... +(ClientAppActor pid=3910729) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910735) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910724) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910728) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910727) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910723) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910727) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910726) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910729) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... +(ClientAppActor pid=3910727) INFO : Starting training... +(ClientAppActor pid=3910736) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910729) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910727) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910730) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910729) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910724) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910724) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910735) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910723) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910737) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... +(ClientAppActor pid=3910727) INFO : Starting training... +(ClientAppActor pid=3910736) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3910728) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910727) INFO : Starting training... +(ClientAppActor pid=3910723) INFO : Starting training... +(ClientAppActor pid=3910737) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910736) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910724) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910726) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910736) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910731) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910732) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910737) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910731) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910729) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910731) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910728) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910734) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 32 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910736) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910727) INFO : Starting training... +(ClientAppActor pid=3910723) INFO : Starting training... +(ClientAppActor pid=3910730) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910724) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910735) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910724) INFO : Starting training... +(ClientAppActor pid=3910735) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910731) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910737) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... +(ClientAppActor pid=3910727) INFO : Starting training... +(ClientAppActor pid=3910724) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910738) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910733) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910736) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... +(ClientAppActor pid=3910727) INFO : Starting training... +(ClientAppActor pid=3910733) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 31 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3910723) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3910734) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3910725) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3910731) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3159.63s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.278436), +INFO : (2, 0.3899), +INFO : (3, 0.446594), +INFO : (4, 0.485583), +INFO : (5, 0.514767), +INFO : (6, 0.539643), +INFO : (7, 0.56122), +INFO : (8, 0.577697), +INFO : (9, 0.594678), +INFO : (10, 0.61085), +INFO : (11, 0.619553), +INFO : (12, 0.636153), +INFO : (13, 0.645629), +INFO : (14, 0.658214), +INFO : (15, 0.668272), +INFO : (16, 0.677643), +INFO : (17, 0.687021), +INFO : (18, 0.695537), +INFO : (19, 0.703246), +INFO : (20, 0.712103), +INFO : (21, 0.720301), +INFO : (22, 0.729801), +INFO : (23, 0.73589), +INFO : (24, 0.743298), +INFO : (25, 0.752713), +INFO : (26, 0.758948), +INFO : (27, 0.765123), +INFO : (28, 0.769711), +INFO : (29, 0.778884), +INFO : (30, 0.781005), +INFO : (31, 0.791469), +INFO : (32, 0.793259), +INFO : (33, 0.801647), +INFO : (34, 0.808586), +INFO : (35, 0.812155), +INFO : (36, 0.818795), +INFO : (37, 0.821708), +INFO : (38, 0.832494), +INFO : (39, 0.833752), +INFO : (40, 0.837334), +INFO : (41, 0.843651), +INFO : (42, 0.845604), +INFO : (43, 0.847965), +INFO : (44, 0.854346), +INFO : (45, 0.856918), +INFO : (46, 0.862396), +INFO : (47, 0.864923), +INFO : (48, 0.870127), +INFO : (49, 0.873167), +INFO : (50, 0.872904)], +INFO : 'train_loss': [(1, 3146.675976395607), +INFO : (2, 2609.7190973937513), +INFO : (3, 2373.7976336747406), +INFO : (4, 2220.030133074522), +INFO : (5, 2109.6461041212083), +INFO : (6, 2013.5222031503915), +INFO : (7, 1923.3340891897678), +INFO : (8, 1853.916469579935), +INFO : (9, 1787.9507239222526), +INFO : (10, 1714.9130742654204), +INFO : (11, 1681.2364061281085), +INFO : (12, 1612.2969742968678), +INFO : (13, 1570.035352909565), +INFO : (14, 1518.1018283635378), +INFO : (15, 1474.5997195497155), +INFO : (16, 1433.5574351012706), +INFO : (17, 1392.1422972038388), +INFO : (18, 1355.516074720025), +INFO : (19, 1317.4981451630592), +INFO : (20, 1282.149436622113), +INFO : (21, 1242.7971561931074), +INFO : (22, 1201.841243570298), +INFO : (23, 1175.5652704685926), +INFO : (24, 1142.9719167754054), +INFO : (25, 1101.8244354709982), +INFO : (26, 1075.3465023063122), +INFO : (27, 1044.9360466256737), +INFO : (28, 1021.9459651209414), +INFO : (29, 986.6242114871741), +INFO : (30, 974.2607524350285), +INFO : (31, 929.329062743485), +INFO : (32, 917.4785867519677), +INFO : (33, 883.4492814298719), +INFO : (34, 853.9565266147256), +INFO : (35, 834.3489313043654), +INFO : (36, 803.1542608849704), +INFO : (37, 790.5252297516912), +INFO : (38, 747.750008643046), +INFO : (39, 735.9364665675909), +INFO : (40, 717.8096276562661), +INFO : (41, 692.6537851035595), +INFO : (42, 681.1938892491162), +INFO : (43, 667.4385024480522), +INFO : (44, 640.113650322333), +INFO : (45, 628.5369719929993), +INFO : (46, 601.8519879100845), +INFO : (47, 591.359433497861), +INFO : (48, 567.5406761193648), +INFO : (49, 554.4173185708), +INFO : (50, 550.5223574846983)], +INFO : 'val_accuracy': [(1, 0.282125), +INFO : (2, 0.389795), +INFO : (3, 0.446005), +INFO : (4, 0.47998), +INFO : (5, 0.50579), +INFO : (6, 0.52796), +INFO : (7, 0.54432), +INFO : (8, 0.557845), +INFO : (9, 0.57276), +INFO : (10, 0.58617), +INFO : (11, 0.592565), +INFO : (12, 0.605705), +INFO : (13, 0.61277), +INFO : (14, 0.62079), +INFO : (15, 0.6259), +INFO : (16, 0.63054), +INFO : (17, 0.636355), +INFO : (18, 0.639255), +INFO : (19, 0.64234), +INFO : (20, 0.64284), +INFO : (21, 0.64672), +INFO : (22, 0.649425), +INFO : (23, 0.649095), +INFO : (24, 0.651), +INFO : (25, 0.651165), +INFO : (26, 0.651025), +INFO : (27, 0.651605), +INFO : (28, 0.65013), +INFO : (29, 0.651095), +INFO : (30, 0.649475), +INFO : (31, 0.649155), +INFO : (32, 0.64768), +INFO : (33, 0.64849), +INFO : (34, 0.647055), +INFO : (35, 0.646885), +INFO : (36, 0.64761), +INFO : (37, 0.64223), +INFO : (38, 0.64611), +INFO : (39, 0.644025), +INFO : (40, 0.641685), +INFO : (41, 0.6411), +INFO : (42, 0.640555), +INFO : (43, 0.639495), +INFO : (44, 0.637645), +INFO : (45, 0.636365), +INFO : (46, 0.63596), +INFO : (47, 0.636115), +INFO : (48, 0.634175), +INFO : (49, 0.63342), +INFO : (50, 0.6318)], +INFO : 'val_loss': [(1, 20069.444454924767), +INFO : (2, 16642.171283256823), +INFO : (3, 15198.023485034517), +INFO : (4, 14290.174570205198), +INFO : (5, 13668.080708086434), +INFO : (6, 13146.341601008027), +INFO : (7, 12693.994535899743), +INFO : (8, 12351.53453171611), +INFO : (9, 12039.04873339906), +INFO : (10, 11668.893625737157), +INFO : (11, 11572.083592660025), +INFO : (12, 11257.673255179603), +INFO : (13, 11096.901988367912), +INFO : (14, 10894.19163439381), +INFO : (15, 10784.159711408376), +INFO : (16, 10654.277175415435), +INFO : (17, 10543.08661696102), +INFO : (18, 10501.193393766012), +INFO : (19, 10450.072971932177), +INFO : (20, 10412.63257300192), +INFO : (21, 10358.413390919195), +INFO : (22, 10315.61283831743), +INFO : (23, 10376.820159390587), +INFO : (24, 10368.423323796484), +INFO : (25, 10348.375067656889), +INFO : (26, 10420.138734581624), +INFO : (27, 10500.399657605161), +INFO : (28, 10617.637687152093), +INFO : (29, 10635.714127810397), +INFO : (30, 10825.01325518913), +INFO : (31, 10856.45659878421), +INFO : (32, 11051.282492915436), +INFO : (33, 11143.761667858866), +INFO : (34, 11268.437667764376), +INFO : (35, 11510.440801150464), +INFO : (36, 11624.364641614065), +INFO : (37, 11866.834530954462), +INFO : (38, 11954.34598497796), +INFO : (39, 12207.14043057027), +INFO : (40, 12512.107460270456), +INFO : (41, 12733.285093131584), +INFO : (42, 13016.362526993022), +INFO : (43, 13301.565800317232), +INFO : (44, 13557.784571513623), +INFO : (45, 13863.650391010458), +INFO : (46, 14126.01867969271), +INFO : (47, 14448.980089934783), +INFO : (48, 14765.253886203374), +INFO : (49, 15091.295721917315), +INFO : (50, 15605.899936651205)]} +INFO : +(ClientAppActor pid=3910727) INFO : Starting training... [repeated 3x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3910723) Files already downloaded and verified +(ClientAppActor pid=3910724) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..fa63b875d53e --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_0_TRIAL.txt @@ -0,0 +1,1470 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425576) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 1 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425576) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425576) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425583) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425576) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425583) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425579) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425584) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425583) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425583) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425583) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 33 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425583) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425589) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425589) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425589) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 34 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425583) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425579) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425583) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425576) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 33 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425576) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 32 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425576) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425580) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3425576) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1162.10s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.27298), +INFO : (2, 0.391872), +INFO : (3, 0.449576), +INFO : (4, 0.493024), +INFO : (5, 0.517808), +INFO : (6, 0.550408), +INFO : (7, 0.574984), +INFO : (8, 0.591864), +INFO : (9, 0.605048), +INFO : (10, 0.620632), +INFO : (11, 0.63032), +INFO : (12, 0.6439), +INFO : (13, 0.656264), +INFO : (14, 0.665344), +INFO : (15, 0.679068), +INFO : (16, 0.677988), +INFO : (17, 0.694632), +INFO : (18, 0.706004), +INFO : (19, 0.715688), +INFO : (20, 0.723036), +INFO : (21, 0.73008), +INFO : (22, 0.742336), +INFO : (23, 0.748584), +INFO : (24, 0.753548), +INFO : (25, 0.762552), +INFO : (26, 0.766088), +INFO : (27, 0.77918), +INFO : (28, 0.773584), +INFO : (29, 0.788904), +INFO : (30, 0.800868), +INFO : (31, 0.801116), +INFO : (32, 0.803248), +INFO : (33, 0.807496), +INFO : (34, 0.815388), +INFO : (35, 0.822708), +INFO : (36, 0.824772), +INFO : (37, 0.832244), +INFO : (38, 0.831388), +INFO : (39, 0.840756), +INFO : (40, 0.849636), +INFO : (41, 0.85476), +INFO : (42, 0.85238), +INFO : (43, 0.857332), +INFO : (44, 0.86776), +INFO : (45, 0.864356), +INFO : (46, 0.865824), +INFO : (47, 0.873236), +INFO : (48, 0.876268), +INFO : (49, 0.87642), +INFO : (50, 0.87004)], +INFO : 'train_loss': [(1, 3094.567363023758), +INFO : (2, 2585.4607080698015), +INFO : (3, 2368.850136911869), +INFO : (4, 2205.8710854172705), +INFO : (5, 2094.2163021326064), +INFO : (6, 1973.3422276496888), +INFO : (7, 1870.6253752946855), +INFO : (8, 1801.264384496212), +INFO : (9, 1740.9445632338525), +INFO : (10, 1680.2563394665717), +INFO : (11, 1628.382971662283), +INFO : (12, 1578.8409781873227), +INFO : (13, 1522.1767168462277), +INFO : (14, 1482.1696820139884), +INFO : (15, 1423.4361041009427), +INFO : (16, 1428.451232779026), +INFO : (17, 1363.1490249991416), +INFO : (18, 1306.9307897686958), +INFO : (19, 1265.6460718929768), +INFO : (20, 1233.516357421875), +INFO : (21, 1204.3143610835075), +INFO : (22, 1156.0102960824966), +INFO : (23, 1121.7013155162335), +INFO : (24, 1101.2391894549132), +INFO : (25, 1065.6153414040805), +INFO : (26, 1041.7557353526354), +INFO : (27, 991.7928702682257), +INFO : (28, 1003.6354359388351), +INFO : (29, 945.5225615382194), +INFO : (30, 898.5780068546534), +INFO : (31, 886.3228088438511), +INFO : (32, 881.2222734481096), +INFO : (33, 853.893266132474), +INFO : (34, 822.6757776021957), +INFO : (35, 795.4612585738302), +INFO : (36, 779.9074023127556), +INFO : (37, 749.3732587978244), +INFO : (38, 749.733645130694), +INFO : (39, 709.1894612327218), +INFO : (40, 671.1232467755675), +INFO : (41, 652.0878579720854), +INFO : (42, 653.2986237987876), +INFO : (43, 630.7068173021078), +INFO : (44, 590.4209723927081), +INFO : (45, 598.5489822298289), +INFO : (46, 594.1757303096354), +INFO : (47, 563.8079509161413), +INFO : (48, 546.715066383779), +INFO : (49, 542.2043264187872), +INFO : (50, 563.677486243099)], +INFO : 'val_accuracy': [(1, 0.27834), +INFO : (2, 0.39512), +INFO : (3, 0.44732), +INFO : (4, 0.48904), +INFO : (5, 0.51224), +INFO : (6, 0.53878), +INFO : (7, 0.55946), +INFO : (8, 0.57228), +INFO : (9, 0.57918), +INFO : (10, 0.5952), +INFO : (11, 0.60136), +INFO : (12, 0.61008), +INFO : (13, 0.619), +INFO : (14, 0.62192), +INFO : (15, 0.62882), +INFO : (16, 0.62448), +INFO : (17, 0.63618), +INFO : (18, 0.6388), +INFO : (19, 0.64502), +INFO : (20, 0.64396), +INFO : (21, 0.6464), +INFO : (22, 0.6502), +INFO : (23, 0.65066), +INFO : (24, 0.65134), +INFO : (25, 0.65352), +INFO : (26, 0.65058), +INFO : (27, 0.65526), +INFO : (28, 0.6482), +INFO : (29, 0.65282), +INFO : (30, 0.65354), +INFO : (31, 0.65086), +INFO : (32, 0.64898), +INFO : (33, 0.6481), +INFO : (34, 0.64978), +INFO : (35, 0.6477), +INFO : (36, 0.64864), +INFO : (37, 0.6465), +INFO : (38, 0.64404), +INFO : (39, 0.64376), +INFO : (40, 0.64618), +INFO : (41, 0.64352), +INFO : (42, 0.63952), +INFO : (43, 0.63744), +INFO : (44, 0.64374), +INFO : (45, 0.63996), +INFO : (46, 0.6363), +INFO : (47, 0.63386), +INFO : (48, 0.63534), +INFO : (49, 0.63376), +INFO : (50, 0.63038)], +INFO : 'val_loss': [(1, 19762.40360774994), +INFO : (2, 16467.1110011138), +INFO : (3, 15169.386327920109), +INFO : (4, 14195.626194166347), +INFO : (5, 13579.079358878407), +INFO : (6, 12924.546897205235), +INFO : (7, 12382.33018373566), +INFO : (8, 12049.504280125671), +INFO : (9, 11808.503184364336), +INFO : (10, 11498.07741558148), +INFO : (11, 11319.890644268924), +INFO : (12, 11117.092807605728), +INFO : (13, 10868.44324281696), +INFO : (14, 10815.406465870603), +INFO : (15, 10619.965559817672), +INFO : (16, 10797.554841956331), +INFO : (17, 10559.30737558709), +INFO : (18, 10428.348058458467), +INFO : (19, 10361.415959535505), +INFO : (20, 10398.23613428555), +INFO : (21, 10446.657625221133), +INFO : (22, 10331.048905788995), +INFO : (23, 10380.596912384586), +INFO : (24, 10459.854366457897), +INFO : (25, 10500.696175647588), +INFO : (26, 10632.647800824641), +INFO : (27, 10511.239588030807), +INFO : (28, 10898.232383718734), +INFO : (29, 10858.069973864414), +INFO : (30, 10843.45998684445), +INFO : (31, 11033.82595419979), +INFO : (32, 11272.12938559187), +INFO : (33, 11374.310343052659), +INFO : (34, 11495.703345163261), +INFO : (35, 11659.073335295547), +INFO : (36, 11875.44843941626), +INFO : (37, 12071.575623313049), +INFO : (38, 12451.775030907645), +INFO : (39, 12544.839588076202), +INFO : (40, 12652.099679626117), +INFO : (41, 12835.794638473344), +INFO : (42, 13348.02643413236), +INFO : (43, 13553.686424748763), +INFO : (44, 13579.526301757767), +INFO : (45, 13983.209089019156), +INFO : (46, 14513.905837295002), +INFO : (47, 14799.76143469638), +INFO : (48, 14928.378923498482), +INFO : (49, 15576.94411066383), +INFO : (50, 15976.891349290072)]} +INFO : +(ClientAppActor pid=3425578) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3425576) Files already downloaded and verified +(ClientAppActor pid=3425580) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3425588) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3425589) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3425589) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..af4e2ebfb8d4 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_1_TRIAL.txt @@ -0,0 +1,1470 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429412) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 3 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 3 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429415) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429413) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429415) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429413) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429415) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429413) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429415) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429413) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429413) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429413) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429413) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 33 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429413) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429420) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429416) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 38 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3429425) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1169.74s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.244244), +INFO : (2, 0.3138), +INFO : (3, 0.417872), +INFO : (4, 0.476536), +INFO : (5, 0.508576), +INFO : (6, 0.52966), +INFO : (7, 0.548956), +INFO : (8, 0.577992), +INFO : (9, 0.60188), +INFO : (10, 0.61522), +INFO : (11, 0.625092), +INFO : (12, 0.633816), +INFO : (13, 0.650136), +INFO : (14, 0.66166), +INFO : (15, 0.672276), +INFO : (16, 0.686776), +INFO : (17, 0.68846), +INFO : (18, 0.702128), +INFO : (19, 0.714228), +INFO : (20, 0.715644), +INFO : (21, 0.731408), +INFO : (22, 0.732528), +INFO : (23, 0.747796), +INFO : (24, 0.750948), +INFO : (25, 0.755772), +INFO : (26, 0.76256), +INFO : (27, 0.770092), +INFO : (28, 0.773204), +INFO : (29, 0.783568), +INFO : (30, 0.785396), +INFO : (31, 0.79148), +INFO : (32, 0.799048), +INFO : (33, 0.80122), +INFO : (34, 0.801596), +INFO : (35, 0.813376), +INFO : (36, 0.821296), +INFO : (37, 0.823744), +INFO : (38, 0.829844), +INFO : (39, 0.837184), +INFO : (40, 0.835068), +INFO : (41, 0.84594), +INFO : (42, 0.852636), +INFO : (43, 0.854692), +INFO : (44, 0.85292), +INFO : (45, 0.858788), +INFO : (46, 0.868572), +INFO : (47, 0.86684), +INFO : (48, 0.868304), +INFO : (49, 0.873976), +INFO : (50, 0.879016)], +INFO : 'train_loss': [(1, 3268.5094261407853), +INFO : (2, 2914.421746921539), +INFO : (3, 2497.089951992035), +INFO : (4, 2276.6001656889916), +INFO : (5, 2140.9797732234), +INFO : (6, 2043.5594732761383), +INFO : (7, 1978.9807161211968), +INFO : (8, 1853.9713196396829), +INFO : (9, 1754.817651283741), +INFO : (10, 1718.4649336576463), +INFO : (11, 1652.3726989150048), +INFO : (12, 1630.4346207857132), +INFO : (13, 1553.4510711073876), +INFO : (14, 1501.5967238247395), +INFO : (15, 1461.1251926243306), +INFO : (16, 1397.7743455231189), +INFO : (17, 1385.3921947956085), +INFO : (18, 1320.737314647436), +INFO : (19, 1275.7431972265244), +INFO : (20, 1260.5507520407439), +INFO : (21, 1202.651470565796), +INFO : (22, 1190.0243738174438), +INFO : (23, 1130.6640974164009), +INFO : (24, 1114.6910500586032), +INFO : (25, 1088.8380816072226), +INFO : (26, 1058.5289676100015), +INFO : (27, 1030.1711362570525), +INFO : (28, 1011.6985129117966), +INFO : (29, 965.3944478213787), +INFO : (30, 955.5139070242643), +INFO : (31, 926.3147893995047), +INFO : (32, 894.3559256598353), +INFO : (33, 880.9669023305178), +INFO : (34, 876.3896752178669), +INFO : (35, 830.6728011578322), +INFO : (36, 797.0234210729599), +INFO : (37, 787.356443734467), +INFO : (38, 756.7959589153528), +INFO : (39, 728.5038928121328), +INFO : (40, 727.191766500473), +INFO : (41, 690.7523177742958), +INFO : (42, 658.9993110150099), +INFO : (43, 649.2789706915617), +INFO : (44, 649.8406422629953), +INFO : (45, 625.8723658412695), +INFO : (46, 590.7110850304365), +INFO : (47, 588.0514408536255), +INFO : (48, 579.1198389492929), +INFO : (49, 557.7329657688737), +INFO : (50, 536.493303912133)], +INFO : 'val_accuracy': [(1, 0.24518), +INFO : (2, 0.3203), +INFO : (3, 0.41704), +INFO : (4, 0.4768), +INFO : (5, 0.50588), +INFO : (6, 0.52374), +INFO : (7, 0.53622), +INFO : (8, 0.55944), +INFO : (9, 0.57928), +INFO : (10, 0.58778), +INFO : (11, 0.59736), +INFO : (12, 0.59764), +INFO : (13, 0.61038), +INFO : (14, 0.61884), +INFO : (15, 0.62204), +INFO : (16, 0.63348), +INFO : (17, 0.62968), +INFO : (18, 0.63754), +INFO : (19, 0.64132), +INFO : (20, 0.6423), +INFO : (21, 0.64794), +INFO : (22, 0.64638), +INFO : (23, 0.65108), +INFO : (24, 0.64912), +INFO : (25, 0.65226), +INFO : (26, 0.6524799999999998), +INFO : (27, 0.65326), +INFO : (28, 0.65024), +INFO : (29, 0.65324), +INFO : (30, 0.65112), +INFO : (31, 0.64962), +INFO : (32, 0.65236), +INFO : (33, 0.65096), +INFO : (34, 0.64608), +INFO : (35, 0.64758), +INFO : (36, 0.6493), +INFO : (37, 0.64652), +INFO : (38, 0.64644), +INFO : (39, 0.64572), +INFO : (40, 0.6449), +INFO : (41, 0.64332), +INFO : (42, 0.64538), +INFO : (43, 0.64124), +INFO : (44, 0.64018), +INFO : (45, 0.63924), +INFO : (46, 0.64074), +INFO : (47, 0.63708), +INFO : (48, 0.6349), +INFO : (49, 0.63578), +INFO : (50, 0.63582)], +INFO : 'val_loss': [(1, 20833.864488512274), +INFO : (2, 18531.586408501866), +INFO : (3, 15959.565604767577), +INFO : (4, 14644.740990620665), +INFO : (5, 13851.629724766966), +INFO : (6, 13307.451191448632), +INFO : (7, 13029.918706756456), +INFO : (8, 12337.377239427811), +INFO : (9, 11838.280975163536), +INFO : (10, 11696.81137474939), +INFO : (11, 11390.296826116115), +INFO : (12, 11398.472372735752), +INFO : (13, 11052.633253730914), +INFO : (14, 10876.646785144158), +INFO : (15, 10793.063858472755), +INFO : (16, 10513.563291790746), +INFO : (17, 10659.91640473253), +INFO : (18, 10422.0535611112), +INFO : (19, 10296.485947892817), +INFO : (20, 10410.871611103928), +INFO : (21, 10284.45749841429), +INFO : (22, 10353.763594127346), +INFO : (23, 10211.47276936504), +INFO : (24, 10353.719272468326), +INFO : (25, 10386.401699612092), +INFO : (26, 10477.877734475189), +INFO : (27, 10485.427055923408), +INFO : (28, 10695.135708748958), +INFO : (29, 10687.73730924384), +INFO : (30, 10807.560346327835), +INFO : (31, 10996.625116241463), +INFO : (32, 11045.634425693575), +INFO : (33, 11273.103128992703), +INFO : (34, 11420.702214646644), +INFO : (35, 11532.232111332754), +INFO : (36, 11680.476825040018), +INFO : (37, 12015.51988526099), +INFO : (38, 12179.604569673173), +INFO : (39, 12180.345738748438), +INFO : (40, 12537.255533336154), +INFO : (41, 12529.429717616458), +INFO : (42, 12821.5480237664), +INFO : (43, 13217.442748535603), +INFO : (44, 13460.635695266972), +INFO : (45, 13675.590686573221), +INFO : (46, 13761.4649098792), +INFO : (47, 14139.554527685434), +INFO : (48, 14482.8402330349), +INFO : (49, 14792.576182380393), +INFO : (50, 15206.816195770252)]} +INFO : +(ClientAppActor pid=3429423) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3429416) Files already downloaded and verified +(ClientAppActor pid=3429420) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3429426) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3429427) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3429427) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..68ba830cb6eb --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_2_TRIAL.txt @@ -0,0 +1,1470 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +[92mINFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433139) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 4 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433130) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433139) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433127) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 11 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433130) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433127) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433129) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 32 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433131) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433131) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433125) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433131) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433130) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433129) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433139) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433130) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433139) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433125) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433127) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3433128) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 34 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1177.92s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.285108), +INFO : (2, 0.394048), +INFO : (3, 0.452708), +INFO : (4, 0.49598), +INFO : (5, 0.526228), +INFO : (6, 0.551012), +INFO : (7, 0.576516), +INFO : (8, 0.595632), +INFO : (9, 0.609056), +INFO : (10, 0.62736), +INFO : (11, 0.637444), +INFO : (12, 0.65006), +INFO : (13, 0.660816), +INFO : (14, 0.6726), +INFO : (15, 0.680304), +INFO : (16, 0.68782), +INFO : (17, 0.702448), +INFO : (18, 0.708772), +INFO : (19, 0.719756), +INFO : (20, 0.721052), +INFO : (21, 0.734836), +INFO : (22, 0.742148), +INFO : (23, 0.747376), +INFO : (24, 0.75466), +INFO : (25, 0.764976), +INFO : (26, 0.764188), +INFO : (27, 0.769552), +INFO : (28, 0.774), +INFO : (29, 0.787028), +INFO : (30, 0.787148), +INFO : (31, 0.800644), +INFO : (32, 0.806952), +INFO : (33, 0.805936), +INFO : (34, 0.8189), +INFO : (35, 0.822708), +INFO : (36, 0.817372), +INFO : (37, 0.829748), +INFO : (38, 0.837428), +INFO : (39, 0.839112), +INFO : (40, 0.846344), +INFO : (41, 0.846116), +INFO : (42, 0.847716), +INFO : (43, 0.84202), +INFO : (44, 0.858932), +INFO : (45, 0.864356), +INFO : (46, 0.863228), +INFO : (47, 0.874884), +INFO : (48, 0.88004), +INFO : (49, 0.878084), +INFO : (50, 0.885876)], +INFO : 'train_loss': [(1, 3088.32028400898), +INFO : (2, 2596.8889574050904), +INFO : (3, 2350.9476638793944), +INFO : (4, 2185.8002381443976), +INFO : (5, 2069.05010240078), +INFO : (6, 1969.1842400193214), +INFO : (7, 1860.511309492588), +INFO : (8, 1785.6561951875688), +INFO : (9, 1728.3229172348977), +INFO : (10, 1653.6363346517087), +INFO : (11, 1611.8669572532176), +INFO : (12, 1566.0249181926251), +INFO : (13, 1508.4357816398144), +INFO : (14, 1461.3403786420822), +INFO : (15, 1424.4821586072444), +INFO : (16, 1394.6051305651665), +INFO : (17, 1326.4349039912224), +INFO : (18, 1296.4020245313645), +INFO : (19, 1250.5537525832654), +INFO : (20, 1241.0052950024606), +INFO : (21, 1180.9672548234462), +INFO : (22, 1152.5312640249729), +INFO : (23, 1125.2527440071106), +INFO : (24, 1090.8894578546285), +INFO : (25, 1052.3952539920806), +INFO : (26, 1048.6150662332773), +INFO : (27, 1023.2431836336851), +INFO : (28, 1000.9083473622799), +INFO : (29, 954.6124983280897), +INFO : (30, 944.2484047204256), +INFO : (31, 892.1550462722778), +INFO : (32, 860.4339610010386), +INFO : (33, 863.3057115077972), +INFO : (34, 811.6727674886585), +INFO : (35, 791.550602453947), +INFO : (36, 808.0877777695656), +INFO : (37, 757.813209939003), +INFO : (38, 726.1020305693149), +INFO : (39, 716.4644329756499), +INFO : (40, 687.0895083293319), +INFO : (41, 685.1205247342587), +INFO : (42, 673.7136397004127), +INFO : (43, 690.0909918755293), +INFO : (44, 625.2389484554529), +INFO : (45, 599.9980931043625), +INFO : (46, 599.4607159420848), +INFO : (47, 555.6626847356558), +INFO : (48, 532.9780014127493), +INFO : (49, 537.1404803439975), +INFO : (50, 506.17389161363246)], +INFO : 'val_accuracy': [(1, 0.28626), +INFO : (2, 0.39444), +INFO : (3, 0.44452), +INFO : (4, 0.48986), +INFO : (5, 0.51756), +INFO : (6, 0.53664), +INFO : (7, 0.56046), +INFO : (8, 0.57254), +INFO : (9, 0.58394), +INFO : (10, 0.59666), +INFO : (11, 0.60222), +INFO : (12, 0.61148), +INFO : (13, 0.61822), +INFO : (14, 0.624), +INFO : (15, 0.63022), +INFO : (16, 0.63202), +INFO : (17, 0.63912), +INFO : (18, 0.63844), +INFO : (19, 0.64484), +INFO : (20, 0.64224), +INFO : (21, 0.64912), +INFO : (22, 0.64688), +INFO : (23, 0.64788), +INFO : (24, 0.651), +INFO : (25, 0.6498), +INFO : (26, 0.6476), +INFO : (27, 0.64686), +INFO : (28, 0.64648), +INFO : (29, 0.6494), +INFO : (30, 0.64648), +INFO : (31, 0.65088), +INFO : (32, 0.6518), +INFO : (33, 0.64632), +INFO : (34, 0.64948), +INFO : (35, 0.6475), +INFO : (36, 0.64248), +INFO : (37, 0.64024), +INFO : (38, 0.64582), +INFO : (39, 0.64264), +INFO : (40, 0.6401), +INFO : (41, 0.63614), +INFO : (42, 0.63752), +INFO : (43, 0.63436), +INFO : (44, 0.6383), +INFO : (45, 0.63668), +INFO : (46, 0.6329), +INFO : (47, 0.63468), +INFO : (48, 0.6354), +INFO : (49, 0.63404), +INFO : (50, 0.6313)], +INFO : 'val_loss': [(1, 19741.658253347872), +INFO : (2, 16562.260991172494), +INFO : (3, 15141.46277012974), +INFO : (4, 14161.209613961912), +INFO : (5, 13503.920840758645), +INFO : (6, 13009.267462894508), +INFO : (7, 12396.244046098751), +INFO : (8, 12013.594576129552), +INFO : (9, 11757.101116527745), +INFO : (10, 11414.11702150207), +INFO : (11, 11246.160315133824), +INFO : (12, 11067.951681341781), +INFO : (13, 10868.69498372364), +INFO : (14, 10755.24942272496), +INFO : (15, 10663.416461319535), +INFO : (16, 10584.112568880697), +INFO : (17, 10328.621342596001), +INFO : (18, 10345.274656169111), +INFO : (19, 10235.93731969625), +INFO : (20, 10336.57867088023), +INFO : (21, 10191.592370129358), +INFO : (22, 10274.964450652624), +INFO : (23, 10298.428149382893), +INFO : (24, 10374.043587479551), +INFO : (25, 10337.858977065554), +INFO : (26, 10577.911150283102), +INFO : (27, 10657.538193679175), +INFO : (28, 10781.125970581617), +INFO : (29, 10751.720536316156), +INFO : (30, 11034.907199563262), +INFO : (31, 10913.04129025188), +INFO : (32, 11059.410244873456), +INFO : (33, 11315.028805202806), +INFO : (34, 11390.051863990375), +INFO : (35, 11616.580117614329), +INFO : (36, 11975.736792968632), +INFO : (37, 12056.713447613683), +INFO : (38, 12202.886791970615), +INFO : (39, 12455.247037514244), +INFO : (40, 12624.680822679535), +INFO : (41, 13032.409552283789), +INFO : (42, 13241.9961007617), +INFO : (43, 13866.688327125334), +INFO : (44, 13767.392046836827), +INFO : (45, 14070.59838236861), +INFO : (46, 14377.203385278333), +INFO : (47, 14615.3832401985), +INFO : (48, 15003.088583550312), +INFO : (49, 15414.727193063438), +INFO : (50, 15701.70465423947)]} +INFO : +(ClientAppActor pid=3433138) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3433128) Files already downloaded and verified +(ClientAppActor pid=3433131) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3433137) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3433140) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3433140) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..1b17122a2e35 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_3_TRIAL.txt @@ -0,0 +1,1470 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436873) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 3 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436877) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436873) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436877) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436873) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436884) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436884) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436872) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436873) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436877) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436873) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436884) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436884) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436884) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436878) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436880) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436873) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 29 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436873) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436873) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436884) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 33 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 30 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436884) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 34 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436872) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436882) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436883) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3436872) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 28 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1156.77s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.293548), +INFO : (2, 0.397228), +INFO : (3, 0.452072), +INFO : (4, 0.496408), +INFO : (5, 0.529364), +INFO : (6, 0.548972), +INFO : (7, 0.57854), +INFO : (8, 0.590608), +INFO : (9, 0.619224), +INFO : (10, 0.62366), +INFO : (11, 0.645608), +INFO : (12, 0.6589), +INFO : (13, 0.667616), +INFO : (14, 0.68098), +INFO : (15, 0.692792), +INFO : (16, 0.698712), +INFO : (17, 0.7122), +INFO : (18, 0.71472), +INFO : (19, 0.718444), +INFO : (20, 0.739288), +INFO : (21, 0.73682), +INFO : (22, 0.74914), +INFO : (23, 0.75642), +INFO : (24, 0.765392), +INFO : (25, 0.772804), +INFO : (26, 0.77866), +INFO : (27, 0.779568), +INFO : (28, 0.783288), +INFO : (29, 0.796648), +INFO : (30, 0.796844), +INFO : (31, 0.80406), +INFO : (32, 0.814716), +INFO : (33, 0.817704), +INFO : (34, 0.825628), +INFO : (35, 0.821772), +INFO : (36, 0.832824), +INFO : (37, 0.835692), +INFO : (38, 0.842492), +INFO : (39, 0.835748), +INFO : (40, 0.856), +INFO : (41, 0.851708), +INFO : (42, 0.857356), +INFO : (43, 0.858728), +INFO : (44, 0.865792), +INFO : (45, 0.873944), +INFO : (46, 0.874288), +INFO : (47, 0.868312), +INFO : (48, 0.883288), +INFO : (49, 0.875116), +INFO : (50, 0.883844)], +INFO : 'train_loss': [(1, 3035.956906223297), +INFO : (2, 2586.806199669838), +INFO : (3, 2357.9107807040214), +INFO : (4, 2178.6503433346747), +INFO : (5, 2046.8670194029808), +INFO : (6, 1974.6904543280602), +INFO : (7, 1855.1244981646537), +INFO : (8, 1796.3419921517373), +INFO : (9, 1686.6740045428276), +INFO : (10, 1661.8682158231736), +INFO : (11, 1580.9859324395657), +INFO : (12, 1521.8739443182944), +INFO : (13, 1484.7558465719223), +INFO : (14, 1418.6700656592845), +INFO : (15, 1371.7884988963604), +INFO : (16, 1338.7283983767034), +INFO : (17, 1282.7434162437917), +INFO : (18, 1268.6187532484532), +INFO : (19, 1248.8384580910206), +INFO : (20, 1166.8809445738793), +INFO : (21, 1169.161880016327), +INFO : (22, 1121.431338980794), +INFO : (23, 1086.3008454352616), +INFO : (24, 1045.1845287054778), +INFO : (25, 1008.5038714587688), +INFO : (26, 988.7987230837346), +INFO : (27, 977.1502477526665), +INFO : (28, 959.0861248642207), +INFO : (29, 904.8131429851055), +INFO : (30, 906.2055364847183), +INFO : (31, 871.1426541209221), +INFO : (32, 826.410686172545), +INFO : (33, 812.279717849195), +INFO : (34, 775.7545610830188), +INFO : (35, 782.4933497577906), +INFO : (36, 741.6290382191539), +INFO : (37, 725.9851672619582), +INFO : (38, 703.4712765708566), +INFO : (39, 720.5875286385417), +INFO : (40, 647.8958714142442), +INFO : (41, 652.2064474433661), +INFO : (42, 628.7595523044467), +INFO : (43, 619.1625810794533), +INFO : (44, 592.3918307371438), +INFO : (45, 558.5433754816652), +INFO : (46, 553.505521980673), +INFO : (47, 574.6465629078448), +INFO : (48, 515.2150656849146), +INFO : (49, 542.3694164305925), +INFO : (50, 505.052600517869)], +INFO : 'val_accuracy': [(1, 0.2959), +INFO : (2, 0.39626), +INFO : (3, 0.44852), +INFO : (4, 0.49022), +INFO : (5, 0.51808), +INFO : (6, 0.5335), +INFO : (7, 0.55914), +INFO : (8, 0.56686), +INFO : (9, 0.59174), +INFO : (10, 0.59112), +INFO : (11, 0.6105), +INFO : (12, 0.618), +INFO : (13, 0.62218), +INFO : (14, 0.62928), +INFO : (15, 0.63502), +INFO : (16, 0.63872), +INFO : (17, 0.64498), +INFO : (18, 0.64352), +INFO : (19, 0.64086), +INFO : (20, 0.6556), +INFO : (21, 0.64766), +INFO : (22, 0.65244), +INFO : (23, 0.65464), +INFO : (24, 0.65666), +INFO : (25, 0.65758), +INFO : (26, 0.65584), +INFO : (27, 0.6521), +INFO : (28, 0.65042), +INFO : (29, 0.656), +INFO : (30, 0.65312), +INFO : (31, 0.65046), +INFO : (32, 0.65436), +INFO : (33, 0.6523), +INFO : (34, 0.65268), +INFO : (35, 0.64716), +INFO : (36, 0.64712), +INFO : (37, 0.64604), +INFO : (38, 0.64572), +INFO : (39, 0.64128), +INFO : (40, 0.64252), +INFO : (41, 0.64192), +INFO : (42, 0.64456), +INFO : (43, 0.643), +INFO : (44, 0.64028), +INFO : (45, 0.639), +INFO : (46, 0.63988), +INFO : (47, 0.63566), +INFO : (48, 0.63838), +INFO : (49, 0.6341), +INFO : (50, 0.63426)], +INFO : 'val_loss': [(1, 19368.528758975863), +INFO : (2, 16528.345646330712), +INFO : (3, 15148.176718001068), +INFO : (4, 14107.288067197707), +INFO : (5, 13386.40064188335), +INFO : (6, 13011.245912343067), +INFO : (7, 12394.83807339914), +INFO : (8, 12105.864587156007), +INFO : (9, 11501.809294275143), +INFO : (10, 11497.046615440519), +INFO : (11, 11084.02273139349), +INFO : (12, 10851.672492104568), +INFO : (13, 10750.192794058625), +INFO : (14, 10532.16521872608), +INFO : (15, 10395.348632397969), +INFO : (16, 10353.223070788372), +INFO : (17, 10175.360539305233), +INFO : (18, 10274.859557031437), +INFO : (19, 10361.747071432277), +INFO : (20, 10027.366038275479), +INFO : (21, 10280.745992793389), +INFO : (22, 10171.623278639408), +INFO : (23, 10186.154444284317), +INFO : (24, 10224.207293653959), +INFO : (25, 10223.738416009399), +INFO : (26, 10381.364608006108), +INFO : (27, 10522.947166856122), +INFO : (28, 10716.485035042924), +INFO : (29, 10659.508737945836), +INFO : (30, 10913.277250522131), +INFO : (31, 10990.770392322764), +INFO : (32, 11081.895233230796), +INFO : (33, 11271.021390278052), +INFO : (34, 11341.47648261396), +INFO : (35, 11830.153442710762), +INFO : (36, 11841.420172583794), +INFO : (37, 12129.683309786331), +INFO : (38, 12088.794204635284), +INFO : (39, 12667.945685299095), +INFO : (40, 12538.379663231071), +INFO : (41, 13008.804513481276), +INFO : (42, 13148.919111419822), +INFO : (43, 13598.947937966836), +INFO : (44, 13907.804298211113), +INFO : (45, 14144.163179527455), +INFO : (46, 14363.671707114692), +INFO : (47, 14979.131095578754), +INFO : (48, 15128.282896697614), +INFO : (49, 15708.64360713566), +INFO : (50, 15795.182334991463)]} +INFO : +(ClientAppActor pid=3436881) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3436872) Files already downloaded and verified +(ClientAppActor pid=3436878) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3436879) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3436884) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3436884) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..41e31aa0e751 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_19_080607/2024_06_19_080607_results_50_R_5_C_0_NOISE_4_TRIAL.txt @@ -0,0 +1,1470 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: False +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440581) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 0 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 6 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440594) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440581) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440586) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 8 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 5 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440594) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440586) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 7 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440594) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 10 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440584) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 13 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440594) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 14 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440594) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 9 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440594) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440592) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 12 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440594) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440592) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 21 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440585) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440586) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440594) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440586) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440594) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440586) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440592) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440586) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440581) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 27 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 19 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440586) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440581) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 18 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 20 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440594) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440586) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440581) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 15 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440586) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 25 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440581) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 17 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 24 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440586) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 16 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440594) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 22 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440588) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 23 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3440591) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: False +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.0 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 26 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1162.02s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.24538), +INFO : (2, 0.394364), +INFO : (3, 0.446896), +INFO : (4, 0.487532), +INFO : (5, 0.522976), +INFO : (6, 0.549688), +INFO : (7, 0.562072), +INFO : (8, 0.586408), +INFO : (9, 0.601044), +INFO : (10, 0.614756), +INFO : (11, 0.626216), +INFO : (12, 0.63526), +INFO : (13, 0.647408), +INFO : (14, 0.65496), +INFO : (15, 0.666396), +INFO : (16, 0.680444), +INFO : (17, 0.684048), +INFO : (18, 0.700164), +INFO : (19, 0.707904), +INFO : (20, 0.715232), +INFO : (21, 0.71356), +INFO : (22, 0.724688), +INFO : (23, 0.728508), +INFO : (24, 0.742244), +INFO : (25, 0.753016), +INFO : (26, 0.75832), +INFO : (27, 0.761072), +INFO : (28, 0.766572), +INFO : (29, 0.775016), +INFO : (30, 0.782896), +INFO : (31, 0.781856), +INFO : (32, 0.788056), +INFO : (33, 0.793372), +INFO : (34, 0.804272), +INFO : (35, 0.806688), +INFO : (36, 0.816832), +INFO : (37, 0.817644), +INFO : (38, 0.821304), +INFO : (39, 0.831988), +INFO : (40, 0.833344), +INFO : (41, 0.834392), +INFO : (42, 0.838796), +INFO : (43, 0.83944), +INFO : (44, 0.85102), +INFO : (45, 0.853152), +INFO : (46, 0.854408), +INFO : (47, 0.85704), +INFO : (48, 0.863444), +INFO : (49, 0.867756), +INFO : (50, 0.865116)], +INFO : 'train_loss': [(1, 3168.882057023048), +INFO : (2, 2572.033087015152), +INFO : (3, 2362.0588700175285), +INFO : (4, 2213.506278002262), +INFO : (5, 2066.3206020593643), +INFO : (6, 1966.2726586461067), +INFO : (7, 1911.4904841780663), +INFO : (8, 1814.7418320894242), +INFO : (9, 1757.7963853001595), +INFO : (10, 1704.1032846450805), +INFO : (11, 1653.3752056658268), +INFO : (12, 1618.180052947998), +INFO : (13, 1561.7663545250894), +INFO : (14, 1532.9568860828876), +INFO : (15, 1484.803308969736), +INFO : (16, 1425.314359742403), +INFO : (17, 1408.1379907786845), +INFO : (18, 1339.0841787040233), +INFO : (19, 1306.496221578121), +INFO : (20, 1270.6741230487823), +INFO : (21, 1277.0687466740608), +INFO : (22, 1224.6672901928425), +INFO : (23, 1213.3362753927709), +INFO : (24, 1150.7467368721962), +INFO : (25, 1103.9449740171433), +INFO : (26, 1077.829653352499), +INFO : (27, 1063.5518582701684), +INFO : (28, 1036.0292308270932), +INFO : (29, 1005.2235986560584), +INFO : (30, 964.6448923945427), +INFO : (31, 968.5081827789545), +INFO : (32, 940.6414928704501), +INFO : (33, 912.2177438676357), +INFO : (34, 870.0334297135472), +INFO : (35, 856.1663237735629), +INFO : (36, 816.719130590558), +INFO : (37, 810.3018531769515), +INFO : (38, 795.8753852963448), +INFO : (39, 747.2738105103374), +INFO : (40, 740.9562558740378), +INFO : (41, 731.7343404278159), +INFO : (42, 712.8639801844954), +INFO : (43, 703.1883668646217), +INFO : (44, 662.32126634866), +INFO : (45, 649.6799695715308), +INFO : (46, 640.4944281622768), +INFO : (47, 628.6851511552929), +INFO : (48, 605.347430408001), +INFO : (49, 582.0696521416306), +INFO : (50, 588.008646056056)], +INFO : 'val_accuracy': [(1, 0.2495), +INFO : (2, 0.39658), +INFO : (3, 0.45308), +INFO : (4, 0.48748), +INFO : (5, 0.51984), +INFO : (6, 0.54382), +INFO : (7, 0.55076), +INFO : (8, 0.56972), +INFO : (9, 0.58062), +INFO : (10, 0.59178), +INFO : (11, 0.59916), +INFO : (12, 0.60282), +INFO : (13, 0.6108), +INFO : (14, 0.61296), +INFO : (15, 0.61908), +INFO : (16, 0.62546), +INFO : (17, 0.62584), +INFO : (18, 0.6335), +INFO : (19, 0.63386), +INFO : (20, 0.6366), +INFO : (21, 0.63264), +INFO : (22, 0.63852), +INFO : (23, 0.6357), +INFO : (24, 0.64276), +INFO : (25, 0.6438), +INFO : (26, 0.64436), +INFO : (27, 0.64136), +INFO : (28, 0.6424), +INFO : (29, 0.6438), +INFO : (30, 0.64314), +INFO : (31, 0.64084), +INFO : (32, 0.63696), +INFO : (33, 0.6402), +INFO : (34, 0.64168), +INFO : (35, 0.6398), +INFO : (36, 0.63996), +INFO : (37, 0.63972), +INFO : (38, 0.63618), +INFO : (39, 0.6406), +INFO : (40, 0.63782), +INFO : (41, 0.63478), +INFO : (42, 0.63274), +INFO : (43, 0.6346), +INFO : (44, 0.6328), +INFO : (45, 0.63518), +INFO : (46, 0.63208), +INFO : (47, 0.62778), +INFO : (48, 0.63306), +INFO : (49, 0.62824), +INFO : (50, 0.62828)], +INFO : 'val_loss': [(1, 20238.766716837883), +INFO : (2, 16390.6387632899), +INFO : (3, 15080.745927138627), +INFO : (4, 14185.735235476586), +INFO : (5, 13317.784426938499), +INFO : (6, 12792.895179977779), +INFO : (7, 12551.020925194192), +INFO : (8, 12071.049925562915), +INFO : (9, 11835.782864274004), +INFO : (10, 11561.652469954859), +INFO : (11, 11409.37847328145), +INFO : (12, 11284.060469801852), +INFO : (13, 11071.27776090764), +INFO : (14, 11072.827599452976), +INFO : (15, 10928.840539342049), +INFO : (16, 10718.158961744164), +INFO : (17, 10777.787164350008), +INFO : (18, 10513.789120867506), +INFO : (19, 10519.017784451118), +INFO : (20, 10536.576193298033), +INFO : (21, 10640.3544965443), +INFO : (22, 10591.690358533764), +INFO : (23, 10744.435169212666), +INFO : (24, 10547.622175021226), +INFO : (25, 10521.17270033701), +INFO : (26, 10544.17759666056), +INFO : (27, 10720.486050158455), +INFO : (28, 10827.42080312472), +INFO : (29, 10876.443857769413), +INFO : (30, 10939.009764481156), +INFO : (31, 11175.012256151704), +INFO : (32, 11311.824676052698), +INFO : (33, 11396.13275118543), +INFO : (34, 11448.807300238468), +INFO : (35, 11591.738098194359), +INFO : (36, 11688.843637143369), +INFO : (37, 12037.060907697334), +INFO : (38, 12246.034671028203), +INFO : (39, 12251.173713195894), +INFO : (40, 12465.623786897837), +INFO : (41, 12784.060957827367), +INFO : (42, 13062.00213266185), +INFO : (43, 13407.860903302524), +INFO : (44, 13457.935520671743), +INFO : (45, 13703.338255982451), +INFO : (46, 13913.110464430478), +INFO : (47, 14238.476223893093), +INFO : (48, 14604.663158435753), +INFO : (49, 14733.032778377981), +INFO : (50, 15169.004994493533)]} +INFO : +(ClientAppActor pid=3440580) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3440580) Files already downloaded and verified +(ClientAppActor pid=3440589) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3440593) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3440595) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3440595) Files already downloaded and verified diff --git a/examples/app-pytorch/run_experiments_50_rounds_no_noise.sh b/examples/app-pytorch/run_experiments_50_rounds_no_noise.sh new file mode 100755 index 000000000000..aeee42323189 --- /dev/null +++ b/examples/app-pytorch/run_experiments_50_rounds_no_noise.sh @@ -0,0 +1,27 @@ +#!/bin/bash + +# Make sure to run poetry shell first! + +date_time=$(date '+%Y_%m_%d_%H%M%S'); + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0_NOISE_4_TRIAL.txt + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0_NOISE_4_TRIAL.txt + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=0 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.0 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0_NOISE_4_TRIAL.txt \ No newline at end of file From 2640d1f83353e5ea5013cd4c8d08b6bc32975566 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Thu, 20 Jun 2024 16:29:22 -0700 Subject: [PATCH 27/34] Add a Python script for summarizing experimental results --- .../experimental_results/summarize_results.py | 62 +++++++++++++++++++ 1 file changed, 62 insertions(+) create mode 100644 examples/app-pytorch/experimental_results/summarize_results.py diff --git a/examples/app-pytorch/experimental_results/summarize_results.py b/examples/app-pytorch/experimental_results/summarize_results.py new file mode 100644 index 000000000000..d8c37fc4347e --- /dev/null +++ b/examples/app-pytorch/experimental_results/summarize_results.py @@ -0,0 +1,62 @@ +import argparse +import os + +from enum import Enum +import re + +class SummaryState(Enum): + NONE = 1 + TRAIN_ACCURACY = 2 + TRAIN_LOSS = 3 + VAL_ACCURACY = 4 + VAL_LOSS = 5 + +def get_summary(file_path: str): + result_file = open(file_path, 'r') + result_lines = result_file.readlines() + + train_accuracy = [] + train_loss = [] + val_accuracy = [] + val_loss = [] + + state = SummaryState.NONE + + for line in result_lines: + if state == SummaryState.NONE: + if "'train_accuracy'" in line: + state = SummaryState.TRAIN_ACCURACY + if "'train_loss'" in line: + state = SummaryState.TRAIN_LOSS + if "'val_accuracy'" in line: + state = SummaryState.VAL_ACCURACY + if "'val_loss'" in line: + state = SummaryState.VAL_LOSS + + # Get data + if state != SummaryState.NONE: + tuple_str = re.findall(r"\(.*?\)", line) + tuple_str = re.sub("[()]", "", tuple_str[0]) + tuple = [x.strip() for x in tuple_str.split(",")] + tuple = [int(tuple[0]), float(tuple[1])] + print("Hokeun! ", tuple) + + # count += 1 + # print("Line {}: {}".format(count, line.strip())) + # if count > 10: + # break + + +parser = argparse.ArgumentParser(description = "Summarize experimental results in directory.") + +parser.add_argument("-d", "--dir", + required = True, dest ="target_dir", + action = "store", + help = "The directory including the experimental result files.") + +args = parser.parse_args() + +file_list = os.listdir(args.target_dir) +print("Hokeun! " + str(file_list)) + +get_summary(os.path.join(args.target_dir, file_list[0])) \ No newline at end of file From 1fc8ebe2815d71f694439ab39c5b99771e37be76 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Fri, 21 Jun 2024 09:10:02 -0700 Subject: [PATCH 28/34] Add experimental results with 0. noise --- ...41_results_50_R_10_C_0.1_NOISE_0_TRIAL.txt | 2221 ++++++++++ ...41_results_50_R_10_C_0.1_NOISE_1_TRIAL.txt | 2219 ++++++++++ ...41_results_50_R_10_C_0.1_NOISE_2_TRIAL.txt | 2219 ++++++++++ ...41_results_50_R_10_C_0.1_NOISE_3_TRIAL.txt | 2220 ++++++++++ ...41_results_50_R_10_C_0.1_NOISE_4_TRIAL.txt | 2219 ++++++++++ ...41_results_50_R_20_C_0.1_NOISE_0_TRIAL.txt | 3810 ++++++++++++++++ ...41_results_50_R_20_C_0.1_NOISE_1_TRIAL.txt | 3819 ++++++++++++++++ ...41_results_50_R_20_C_0.1_NOISE_2_TRIAL.txt | 3822 ++++++++++++++++ ...41_results_50_R_20_C_0.1_NOISE_3_TRIAL.txt | 3821 ++++++++++++++++ ...41_results_50_R_20_C_0.1_NOISE_4_TRIAL.txt | 3840 +++++++++++++++++ ...241_results_50_R_5_C_0.1_NOISE_0_TRIAL.txt | 1471 +++++++ ...241_results_50_R_5_C_0.1_NOISE_1_TRIAL.txt | 1471 +++++++ ...241_results_50_R_5_C_0.1_NOISE_2_TRIAL.txt | 1462 +++++++ ...241_results_50_R_5_C_0.1_NOISE_3_TRIAL.txt | 1462 +++++++ ...241_results_50_R_5_C_0.1_NOISE_4_TRIAL.txt | 1471 +++++++ .../run_experiments_50_rounds_0.1_noise.sh | 27 + 16 files changed, 37574 insertions(+) create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_4_TRIAL.txt create mode 100755 examples/app-pytorch/run_experiments_50_rounds_0.1_noise.sh diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..63e58c71e8bc --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_0_TRIAL.txt @@ -0,0 +1,2221 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742827) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742833) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742827) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742827) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742833) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742827) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742827) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742830) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742830) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742830) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742833) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742830) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742830) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742827) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742827) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742833) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742827) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742827) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=742824) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 2134.10s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.268842), +INFO : (2, 0.400748), +INFO : (3, 0.45519), +INFO : (4, 0.491242), +INFO : (5, 0.518138), +INFO : (6, 0.54213), +INFO : (7, 0.556972), +INFO : (8, 0.580192), +INFO : (9, 0.592446), +INFO : (10, 0.60366), +INFO : (11, 0.617758), +INFO : (12, 0.634058), +INFO : (13, 0.646182), +INFO : (14, 0.654928), +INFO : (15, 0.661694), +INFO : (16, 0.671124), +INFO : (17, 0.685788), +INFO : (18, 0.692802), +INFO : (19, 0.693136), +INFO : (20, 0.710438), +INFO : (21, 0.71566), +INFO : (22, 0.720458), +INFO : (23, 0.733316), +INFO : (24, 0.740702), +INFO : (25, 0.74646), +INFO : (26, 0.758952), +INFO : (27, 0.758338), +INFO : (28, 0.766168), +INFO : (29, 0.767814), +INFO : (30, 0.778686), +INFO : (31, 0.786092), +INFO : (32, 0.793068), +INFO : (33, 0.79796), +INFO : (34, 0.80127), +INFO : (35, 0.807196), +INFO : (36, 0.816482), +INFO : (37, 0.82004), +INFO : (38, 0.82288), +INFO : (39, 0.83011), +INFO : (40, 0.833562), +INFO : (41, 0.839074), +INFO : (42, 0.842408), +INFO : (43, 0.84494), +INFO : (44, 0.850446), +INFO : (45, 0.85398), +INFO : (46, 0.857346), +INFO : (47, 0.858776), +INFO : (48, 0.860402), +INFO : (49, 0.862068), +INFO : (50, 0.874288)], +INFO : 'train_loss': [(1, 3145.3298345685007), +INFO : (2, 2563.9948469161986), +INFO : (3, 2337.042312145233), +INFO : (4, 2199.440626859665), +INFO : (5, 2087.8654926896097), +INFO : (6, 1994.966243815422), +INFO : (7, 1930.788748127222), +INFO : (8, 1845.5488668143748), +INFO : (9, 1794.2705548644067), +INFO : (10, 1740.8531144082547), +INFO : (11, 1685.441463661194), +INFO : (12, 1623.4263798445463), +INFO : (13, 1572.524004468322), +INFO : (14, 1533.400465029478), +INFO : (15, 1498.799973601103), +INFO : (16, 1462.1303037017583), +INFO : (17, 1403.5028029173614), +INFO : (18, 1369.4939480513335), +INFO : (19, 1360.8819358736278), +INFO : (20, 1294.0567486584187), +INFO : (21, 1265.418597021699), +INFO : (22, 1244.5291889995337), +INFO : (23, 1193.6820464342832), +INFO : (24, 1158.8931203052402), +INFO : (25, 1132.4768814831973), +INFO : (26, 1082.99078476578), +INFO : (27, 1081.2212499320508), +INFO : (28, 1047.9496437832713), +INFO : (29, 1033.7154015988112), +INFO : (30, 991.2689150020481), +INFO : (31, 957.0503592163325), +INFO : (32, 929.7506367787719), +INFO : (33, 907.4426709428429), +INFO : (34, 890.8729149267077), +INFO : (35, 859.2738747537136), +INFO : (36, 824.7183021984995), +INFO : (37, 805.0665778130293), +INFO : (38, 789.543666779995), +INFO : (39, 760.2208711408078), +INFO : (40, 744.5470471471548), +INFO : (41, 718.2734940692783), +INFO : (42, 701.6059173882007), +INFO : (43, 688.1391035750509), +INFO : (44, 661.6457539469004), +INFO : (45, 648.448123960942), +INFO : (46, 630.5582330107688), +INFO : (47, 622.9722178198397), +INFO : (48, 611.2988493073732), +INFO : (49, 602.251322837919), +INFO : (50, 552.5704040773213)], +INFO : 'val_accuracy': [(1, 0.27509), +INFO : (2, 0.40216), +INFO : (3, 0.45421), +INFO : (4, 0.48795), +INFO : (5, 0.51126), +INFO : (6, 0.5327), +INFO : (7, 0.54241), +INFO : (8, 0.56273), +INFO : (9, 0.57149), +INFO : (10, 0.57881), +INFO : (11, 0.5869), +INFO : (12, 0.59624), +INFO : (13, 0.60301), +INFO : (14, 0.60834), +INFO : (15, 0.61067), +INFO : (16, 0.61392), +INFO : (17, 0.62096), +INFO : (18, 0.62381), +INFO : (19, 0.62085), +INFO : (20, 0.62939), +INFO : (21, 0.62885), +INFO : (22, 0.62862), +INFO : (23, 0.63457), +INFO : (24, 0.63498), +INFO : (25, 0.63629), +INFO : (26, 0.64195), +INFO : (27, 0.63622), +INFO : (28, 0.63698), +INFO : (29, 0.63488), +INFO : (30, 0.63729), +INFO : (31, 0.63767), +INFO : (32, 0.63626), +INFO : (33, 0.63689), +INFO : (34, 0.63457), +INFO : (35, 0.63349), +INFO : (36, 0.63676), +INFO : (37, 0.635), +INFO : (38, 0.63285), +INFO : (39, 0.63215), +INFO : (40, 0.63084), +INFO : (41, 0.63165), +INFO : (42, 0.62944), +INFO : (43, 0.6266), +INFO : (44, 0.62801), +INFO : (45, 0.62563), +INFO : (46, 0.624), +INFO : (47, 0.62398), +INFO : (48, 0.6204), +INFO : (49, 0.62019), +INFO : (50, 0.62181)], +INFO : 'val_loss': [(1, 20027.85785490721), +INFO : (2, 16321.684357683733), +INFO : (3, 14980.407499290002), +INFO : (4, 14194.01451470866), +INFO : (5, 13573.265279377392), +INFO : (6, 13074.899628139252), +INFO : (7, 12789.682066928257), +INFO : (8, 12339.166139882085), +INFO : (9, 12151.413322715425), +INFO : (10, 11930.979378781096), +INFO : (11, 11733.155211212938), +INFO : (12, 11480.439289186981), +INFO : (13, 11291.392689023942), +INFO : (14, 11193.828162587206), +INFO : (15, 11154.495916212292), +INFO : (16, 11058.48494903532), +INFO : (17, 10900.891264167109), +INFO : (18, 10848.477428656399), +INFO : (19, 11016.761858385775), +INFO : (20, 10764.440386065446), +INFO : (21, 10811.577966340566), +INFO : (22, 10873.220703453424), +INFO : (23, 10713.1179408728), +INFO : (24, 10772.974804707817), +INFO : (25, 10803.32322927705), +INFO : (26, 10734.973351237148), +INFO : (27, 10963.136880079766), +INFO : (28, 11048.397198112201), +INFO : (29, 11205.918471781186), +INFO : (30, 11184.77681593011), +INFO : (31, 11328.73051808152), +INFO : (32, 11317.931497946889), +INFO : (33, 11495.751402434476), +INFO : (34, 11716.082729376), +INFO : (35, 11827.550522019703), +INFO : (36, 11849.411468064227), +INFO : (37, 12105.716020769989), +INFO : (38, 12345.025032293248), +INFO : (39, 12506.413341875661), +INFO : (40, 12694.740728395258), +INFO : (41, 12945.941187683433), +INFO : (42, 13233.444640896214), +INFO : (43, 13500.571896626414), +INFO : (44, 13795.852297591251), +INFO : (45, 13969.685168476157), +INFO : (46, 14269.899786025017), +INFO : (47, 14681.736600689372), +INFO : (48, 14946.809224072058), +INFO : (49, 15245.314568740958), +INFO : (50, 15560.226902056584)]} +INFO : +(ClientAppActor pid=742825) WARNING : Manually terminating ClientAppActor +(ClientAppActor pid=742828) INFO : Starting training... [repeated 9x across cluster] +(ClientAppActor pid=742835) WARNING : Manually terminating ClientAppActor +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=742829) Files already downloaded and verified +(ClientAppActor pid=742838) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=742836) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..ff083afa54ee --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_1_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788612) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788608) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788601) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788601) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788616) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788611) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788608) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788611) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788608) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788608) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788611) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788611) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788601) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788601) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788601) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788608) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788601) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788601) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788611) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=788623) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 2143.07s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.259244), +INFO : (2, 0.37825), +INFO : (3, 0.436154), +INFO : (4, 0.477478), +INFO : (5, 0.509938), +INFO : (6, 0.53983), +INFO : (7, 0.562742), +INFO : (8, 0.58615), +INFO : (9, 0.59233), +INFO : (10, 0.614392), +INFO : (11, 0.629142), +INFO : (12, 0.64074), +INFO : (13, 0.647824), +INFO : (14, 0.659462), +INFO : (15, 0.666416), +INFO : (16, 0.67909), +INFO : (17, 0.69139), +INFO : (18, 0.703016), +INFO : (19, 0.703488), +INFO : (20, 0.715892), +INFO : (21, 0.723736), +INFO : (22, 0.730708), +INFO : (23, 0.738036), +INFO : (24, 0.74344), +INFO : (25, 0.752924), +INFO : (26, 0.757444), +INFO : (27, 0.762096), +INFO : (28, 0.771006), +INFO : (29, 0.76965), +INFO : (30, 0.784166), +INFO : (31, 0.788928), +INFO : (32, 0.794368), +INFO : (33, 0.795784), +INFO : (34, 0.801224), +INFO : (35, 0.802946), +INFO : (36, 0.817342), +INFO : (37, 0.818266), +INFO : (38, 0.822674), +INFO : (39, 0.8298), +INFO : (40, 0.826304), +INFO : (41, 0.83745), +INFO : (42, 0.841662), +INFO : (43, 0.84252), +INFO : (44, 0.85123), +INFO : (45, 0.855618), +INFO : (46, 0.8579), +INFO : (47, 0.86034), +INFO : (48, 0.8686), +INFO : (49, 0.87027), +INFO : (50, 0.87382)], +INFO : 'train_loss': [(1, 3277.717001569271), +INFO : (2, 2663.612231731415), +INFO : (3, 2404.255604171753), +INFO : (4, 2250.640102189779), +INFO : (5, 2133.5262375593184), +INFO : (6, 2008.6780808925628), +INFO : (7, 1921.11757132411), +INFO : (8, 1826.6774688780308), +INFO : (9, 1794.3731207966805), +INFO : (10, 1706.5214253246784), +INFO : (11, 1646.1271600633859), +INFO : (12, 1595.647410029173), +INFO : (13, 1562.0052646815777), +INFO : (14, 1511.7781365484), +INFO : (15, 1480.8837347596884), +INFO : (16, 1431.3085859805346), +INFO : (17, 1376.371790701151), +INFO : (18, 1330.8116186231375), +INFO : (19, 1322.151279619336), +INFO : (20, 1272.6739470332861), +INFO : (21, 1235.6558628439902), +INFO : (22, 1206.2302851855754), +INFO : (23, 1172.4941976457835), +INFO : (24, 1147.3008226066827), +INFO : (25, 1105.034091436863), +INFO : (26, 1087.9103783726691), +INFO : (27, 1062.3870622456075), +INFO : (28, 1024.2159127160908), +INFO : (29, 1025.3618529036642), +INFO : (30, 966.7264411665499), +INFO : (31, 944.2888382643462), +INFO : (32, 918.9209739938378), +INFO : (33, 911.5451069891453), +INFO : (34, 885.7504004701972), +INFO : (35, 875.8716136150063), +INFO : (36, 817.5851739540697), +INFO : (37, 807.8150901690126), +INFO : (38, 788.6351010456681), +INFO : (39, 760.3714209057391), +INFO : (40, 767.561088282615), +INFO : (41, 721.7757452167571), +INFO : (42, 703.1302463382483), +INFO : (43, 697.1862129040062), +INFO : (44, 656.9861608035862), +INFO : (45, 638.6859648048878), +INFO : (46, 629.3634151116014), +INFO : (47, 616.0680495738983), +INFO : (48, 581.820314881578), +INFO : (49, 574.6504479318858), +INFO : (50, 556.1567997604609)], +INFO : 'val_accuracy': [(1, 0.26035), +INFO : (2, 0.3788), +INFO : (3, 0.4342), +INFO : (4, 0.475), +INFO : (5, 0.49952), +INFO : (6, 0.52684), +INFO : (7, 0.54734), +INFO : (8, 0.56496), +INFO : (9, 0.56829), +INFO : (10, 0.58592), +INFO : (11, 0.59725), +INFO : (12, 0.60417), +INFO : (13, 0.6091), +INFO : (14, 0.61572), +INFO : (15, 0.61692), +INFO : (16, 0.62268), +INFO : (17, 0.62844), +INFO : (18, 0.63301), +INFO : (19, 0.62898), +INFO : (20, 0.63545), +INFO : (21, 0.63589), +INFO : (22, 0.6362), +INFO : (23, 0.63681), +INFO : (24, 0.6376), +INFO : (25, 0.6405), +INFO : (26, 0.63794), +INFO : (27, 0.63676), +INFO : (28, 0.63863), +INFO : (29, 0.6361), +INFO : (30, 0.63771), +INFO : (31, 0.63579), +INFO : (32, 0.63586), +INFO : (33, 0.63293), +INFO : (34, 0.63397), +INFO : (35, 0.62708), +INFO : (36, 0.63259), +INFO : (37, 0.63117), +INFO : (38, 0.62903), +INFO : (39, 0.628), +INFO : (40, 0.62537), +INFO : (41, 0.6266), +INFO : (42, 0.62446), +INFO : (43, 0.62229), +INFO : (44, 0.62528), +INFO : (45, 0.62125), +INFO : (46, 0.62279), +INFO : (47, 0.61981), +INFO : (48, 0.62051), +INFO : (49, 0.61924), +INFO : (50, 0.61711)], +INFO : 'val_loss': [(1, 20981.309030133485), +INFO : (2, 17008.758966229856), +INFO : (3, 15415.367285068889), +INFO : (4, 14497.28004952688), +INFO : (5, 13877.764707870327), +INFO : (6, 13198.246252649067), +INFO : (7, 12740.78894174843), +INFO : (8, 12254.202700343452), +INFO : (9, 12199.048011793282), +INFO : (10, 11750.4460295415), +INFO : (11, 11493.807243483685), +INFO : (12, 11340.588128152494), +INFO : (13, 11232.59486257825), +INFO : (14, 11078.582945938891), +INFO : (15, 11069.50178842634), +INFO : (16, 10935.363858166516), +INFO : (17, 10757.162377432855), +INFO : (18, 10687.312441545764), +INFO : (19, 10794.426849875497), +INFO : (20, 10716.069919535088), +INFO : (21, 10716.50194544155), +INFO : (22, 10733.499235118994), +INFO : (23, 10740.40099871148), +INFO : (24, 10817.547151618524), +INFO : (25, 10807.460657574626), +INFO : (26, 10903.198497533303), +INFO : (27, 11004.961512053675), +INFO : (28, 11094.458062158908), +INFO : (29, 11317.610055291354), +INFO : (30, 11294.112676860508), +INFO : (31, 11377.817455113538), +INFO : (32, 11540.386333865168), +INFO : (33, 11817.69187688948), +INFO : (34, 12010.483358433583), +INFO : (35, 12209.39075925397), +INFO : (36, 12153.563282908528), +INFO : (37, 12359.061091691163), +INFO : (38, 12661.139704497276), +INFO : (39, 12860.997212080136), +INFO : (40, 13281.882903155454), +INFO : (41, 13355.18214712925), +INFO : (42, 13543.234073149884), +INFO : (43, 13890.797245587288), +INFO : (44, 14118.192472341356), +INFO : (45, 14457.225873985013), +INFO : (46, 14846.385122506214), +INFO : (47, 15165.99685897171), +INFO : (48, 15370.294088836423), +INFO : (49, 15651.189642958509), +INFO : (50, 15999.984972473245)]} +INFO : +(ClientAppActor pid=788624) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=788613) Files already downloaded and verified +(ClientAppActor pid=788625) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=788618) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..f44ddab55ac2 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_2_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835110) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835106) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835106) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835106) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835117) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835106) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835112) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835106) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835117) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=835107) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 2032.86s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.246998), +INFO : (2, 0.378662), +INFO : (3, 0.443402), +INFO : (4, 0.480852), +INFO : (5, 0.511192), +INFO : (6, 0.538882), +INFO : (7, 0.559508), +INFO : (8, 0.584264), +INFO : (9, 0.598652), +INFO : (10, 0.617444), +INFO : (11, 0.634384), +INFO : (12, 0.644596), +INFO : (13, 0.658094), +INFO : (14, 0.667494), +INFO : (15, 0.682552), +INFO : (16, 0.687226), +INFO : (17, 0.69882), +INFO : (18, 0.705604), +INFO : (19, 0.717554), +INFO : (20, 0.725408), +INFO : (21, 0.7306), +INFO : (22, 0.733366), +INFO : (23, 0.749352), +INFO : (24, 0.75633), +INFO : (25, 0.759424), +INFO : (26, 0.767534), +INFO : (27, 0.7738), +INFO : (28, 0.781222), +INFO : (29, 0.785396), +INFO : (30, 0.791376), +INFO : (31, 0.793516), +INFO : (32, 0.805042), +INFO : (33, 0.8045), +INFO : (34, 0.812858), +INFO : (35, 0.819254), +INFO : (36, 0.822552), +INFO : (37, 0.82722), +INFO : (38, 0.830898), +INFO : (39, 0.836456), +INFO : (40, 0.838608), +INFO : (41, 0.836386), +INFO : (42, 0.848398), +INFO : (43, 0.854514), +INFO : (44, 0.856974), +INFO : (45, 0.859512), +INFO : (46, 0.865954), +INFO : (47, 0.868036), +INFO : (48, 0.870114), +INFO : (49, 0.876462), +INFO : (50, 0.873082)], +INFO : 'train_loss': [(1, 3246.458963620663), +INFO : (2, 2656.557209658623), +INFO : (3, 2392.153946226835), +INFO : (4, 2243.5688305199146), +INFO : (5, 2113.7873780727386), +INFO : (6, 2006.3683673918247), +INFO : (7, 1923.9895367503166), +INFO : (8, 1819.0125704556704), +INFO : (9, 1763.3494225978852), +INFO : (10, 1689.4073670953512), +INFO : (11, 1618.4509377151728), +INFO : (12, 1577.806668651104), +INFO : (13, 1518.6473788648843), +INFO : (14, 1485.2729649186135), +INFO : (15, 1421.2316218018532), +INFO : (16, 1395.7256251007318), +INFO : (17, 1343.4951487094163), +INFO : (18, 1315.244194790721), +INFO : (19, 1263.2583858460189), +INFO : (20, 1230.3765758767724), +INFO : (21, 1207.3638508081435), +INFO : (22, 1190.1313312858342), +INFO : (23, 1124.6880517423153), +INFO : (24, 1090.0784038886427), +INFO : (25, 1080.3530296459794), +INFO : (26, 1036.5802555069326), +INFO : (27, 1010.3882608488202), +INFO : (28, 978.4037411764264), +INFO : (29, 959.1413112446666), +INFO : (30, 933.3243052050472), +INFO : (31, 919.5042345009745), +INFO : (32, 871.2959671914577), +INFO : (33, 869.820110938698), +INFO : (34, 834.5052145168186), +INFO : (35, 806.436983435601), +INFO : (36, 792.8538830377162), +INFO : (37, 771.6227947205305), +INFO : (38, 752.7426445327699), +INFO : (39, 726.147866512835), +INFO : (40, 716.5200585745275), +INFO : (41, 721.3838659569622), +INFO : (42, 669.9351815499365), +INFO : (43, 645.9849312312901), +INFO : (44, 632.2095601268113), +INFO : (45, 619.6454260770231), +INFO : (46, 592.777482784167), +INFO : (47, 583.2491461049765), +INFO : (48, 571.5018095955253), +INFO : (49, 543.4365077167749), +INFO : (50, 551.3011131690814)], +INFO : 'val_accuracy': [(1, 0.2475), +INFO : (2, 0.3792), +INFO : (3, 0.44023), +INFO : (4, 0.47463), +INFO : (5, 0.50232), +INFO : (6, 0.52467), +INFO : (7, 0.5431), +INFO : (8, 0.56493), +INFO : (9, 0.57586), +INFO : (10, 0.59141), +INFO : (11, 0.6035), +INFO : (12, 0.60757), +INFO : (13, 0.6176), +INFO : (14, 0.62272), +INFO : (15, 0.6297), +INFO : (16, 0.63315), +INFO : (17, 0.63812), +INFO : (18, 0.64069), +INFO : (19, 0.64416), +INFO : (20, 0.64647), +INFO : (21, 0.64727), +INFO : (22, 0.64658), +INFO : (23, 0.65354), +INFO : (24, 0.65436), +INFO : (25, 0.65039), +INFO : (26, 0.65542), +INFO : (27, 0.65342), +INFO : (28, 0.65396), +INFO : (29, 0.65069), +INFO : (30, 0.65227), +INFO : (31, 0.65167), +INFO : (32, 0.65318), +INFO : (33, 0.64733), +INFO : (34, 0.65208), +INFO : (35, 0.65031), +INFO : (36, 0.64628), +INFO : (37, 0.64558), +INFO : (38, 0.6451), +INFO : (39, 0.64484), +INFO : (40, 0.64395), +INFO : (41, 0.64031), +INFO : (42, 0.64154), +INFO : (43, 0.64281), +INFO : (44, 0.6389), +INFO : (45, 0.63743), +INFO : (46, 0.63736), +INFO : (47, 0.63491), +INFO : (48, 0.63489), +INFO : (49, 0.63625), +INFO : (50, 0.63117)], +INFO : 'val_loss': [(1, 20768.438355147842), +INFO : (2, 16966.954324129223), +INFO : (3, 15368.521718165097), +INFO : (4, 14490.684636559336), +INFO : (5, 13771.258866761102), +INFO : (6, 13179.619222444027), +INFO : (7, 12746.912637446861), +INFO : (8, 12162.973612534875), +INFO : (9, 11913.684919493202), +INFO : (10, 11535.782122384806), +INFO : (11, 11216.542217949973), +INFO : (12, 11093.724757642434), +INFO : (13, 10858.862960702658), +INFO : (14, 10792.528772745562), +INFO : (15, 10549.656127660492), +INFO : (16, 10556.770282981532), +INFO : (17, 10372.548476284139), +INFO : (18, 10375.16572761932), +INFO : (19, 10278.076451604911), +INFO : (20, 10249.623275271739), +INFO : (21, 10302.849742311373), +INFO : (22, 10401.16758191121), +INFO : (23, 10191.992819628804), +INFO : (24, 10229.069334128699), +INFO : (25, 10343.46951919169), +INFO : (26, 10364.986280600497), +INFO : (27, 10476.400602192245), +INFO : (28, 10502.762634226106), +INFO : (29, 10641.126525700085), +INFO : (30, 10756.148396169883), +INFO : (31, 10855.378788538848), +INFO : (32, 10908.533859964167), +INFO : (33, 11234.543268549789), +INFO : (34, 11275.373563297531), +INFO : (35, 11376.96718452814), +INFO : (36, 11639.068058858264), +INFO : (37, 11875.654008890593), +INFO : (38, 12115.619303316493), +INFO : (39, 12252.446457249207), +INFO : (40, 12428.334799026312), +INFO : (41, 12837.256342198123), +INFO : (42, 12986.776270078253), +INFO : (43, 13136.335972724462), +INFO : (44, 13528.523015545532), +INFO : (45, 13780.03961378713), +INFO : (46, 14035.067268520525), +INFO : (47, 14291.137157670079), +INFO : (48, 14666.918568959003), +INFO : (49, 14836.941413751616), +INFO : (50, 15521.356317965572)]} +INFO : +(ClientAppActor pid=835115) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=835109) Files already downloaded and verified +(ClientAppActor pid=835117) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=835120) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..cc95ad68b427 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_3_TRIAL.txt @@ -0,0 +1,2220 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880017) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880013) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880017) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880013) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880017) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880015) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=880006) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1959.44s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.18689), +INFO : (2, 0.34999), +INFO : (3, 0.419332), +INFO : (4, 0.472674), +INFO : (5, 0.510412), +INFO : (6, 0.53805), +INFO : (7, 0.566572), +INFO : (8, 0.590114), +INFO : (9, 0.609024), +INFO : (10, 0.620476), +INFO : (11, 0.63354), +INFO : (12, 0.648548), +INFO : (13, 0.658138), +INFO : (14, 0.675326), +INFO : (15, 0.681474), +INFO : (16, 0.689024), +INFO : (17, 0.700388), +INFO : (18, 0.707826), +INFO : (19, 0.717224), +INFO : (20, 0.727544), +INFO : (21, 0.732736), +INFO : (22, 0.737454), +INFO : (23, 0.744814), +INFO : (24, 0.748244), +INFO : (25, 0.761212), +INFO : (26, 0.764092), +INFO : (27, 0.7739), +INFO : (28, 0.77724), +INFO : (29, 0.779206), +INFO : (30, 0.789146), +INFO : (31, 0.79395), +INFO : (32, 0.795732), +INFO : (33, 0.803902), +INFO : (34, 0.809384), +INFO : (35, 0.814282), +INFO : (36, 0.814182), +INFO : (37, 0.82405), +INFO : (38, 0.825958), +INFO : (39, 0.834992), +INFO : (40, 0.834752), +INFO : (41, 0.840908), +INFO : (42, 0.844696), +INFO : (43, 0.84668), +INFO : (44, 0.854638), +INFO : (45, 0.86151), +INFO : (46, 0.858012), +INFO : (47, 0.863116), +INFO : (48, 0.858648), +INFO : (49, 0.867924), +INFO : (50, 0.872704)], +INFO : 'train_loss': [(1, 3477.545693874359), +INFO : (2, 2779.535741329193), +INFO : (3, 2474.5998634815214), +INFO : (4, 2273.1733756184576), +INFO : (5, 2118.579635930061), +INFO : (6, 2012.1233722865582), +INFO : (7, 1897.1152839899064), +INFO : (8, 1801.7304692924022), +INFO : (9, 1725.8253807544709), +INFO : (10, 1680.9599764347076), +INFO : (11, 1621.0465050578118), +INFO : (12, 1561.8576966673136), +INFO : (13, 1526.1979876965283), +INFO : (14, 1449.5084212452173), +INFO : (15, 1422.7392887711526), +INFO : (16, 1384.8048671811819), +INFO : (17, 1338.043205332756), +INFO : (18, 1307.0721929341555), +INFO : (19, 1265.175210148096), +INFO : (20, 1217.8012162387372), +INFO : (21, 1194.6043506652118), +INFO : (22, 1169.4985793933272), +INFO : (23, 1141.2666544869542), +INFO : (24, 1122.912769393623), +INFO : (25, 1067.4132535651327), +INFO : (26, 1054.39731759727), +INFO : (27, 1009.4557091370225), +INFO : (28, 995.1033188864589), +INFO : (29, 982.9098668307066), +INFO : (30, 942.3510152965785), +INFO : (31, 918.0851215489208), +INFO : (32, 905.7178765043616), +INFO : (33, 872.7860722765326), +INFO : (34, 855.5644176647068), +INFO : (35, 825.5296269968152), +INFO : (36, 822.0217682480812), +INFO : (37, 782.1043833784759), +INFO : (38, 770.3987173952162), +INFO : (39, 734.6750548228622), +INFO : (40, 729.587958265096), +INFO : (41, 705.2546007335186), +INFO : (42, 686.1687860399485), +INFO : (43, 677.3373115487396), +INFO : (44, 645.1210892312229), +INFO : (45, 618.3145063795149), +INFO : (46, 625.0961438797415), +INFO : (47, 604.7827164445073), +INFO : (48, 615.7731673739851), +INFO : (49, 579.5195740111172), +INFO : (50, 559.5914265170693)], +INFO : 'val_accuracy': [(1, 0.19145), +INFO : (2, 0.35316), +INFO : (3, 0.41691), +INFO : (4, 0.47128), +INFO : (5, 0.50604), +INFO : (6, 0.52924), +INFO : (7, 0.55288), +INFO : (8, 0.57465), +INFO : (9, 0.59129), +INFO : (10, 0.59848), +INFO : (11, 0.60809), +INFO : (12, 0.61754), +INFO : (13, 0.62194), +INFO : (14, 0.63281), +INFO : (15, 0.63502), +INFO : (16, 0.63805), +INFO : (17, 0.64346), +INFO : (18, 0.64768), +INFO : (19, 0.65192), +INFO : (20, 0.65848), +INFO : (21, 0.65634), +INFO : (22, 0.65658), +INFO : (23, 0.6577), +INFO : (24, 0.65788), +INFO : (25, 0.66595), +INFO : (26, 0.66151), +INFO : (27, 0.66666), +INFO : (28, 0.66564), +INFO : (29, 0.66103), +INFO : (30, 0.66343), +INFO : (31, 0.66367), +INFO : (32, 0.66214), +INFO : (33, 0.66179), +INFO : (34, 0.66085), +INFO : (35, 0.66057), +INFO : (36, 0.658), +INFO : (37, 0.65723), +INFO : (38, 0.65724), +INFO : (39, 0.65814), +INFO : (40, 0.6544), +INFO : (41, 0.65473), +INFO : (42, 0.65291), +INFO : (43, 0.65097), +INFO : (44, 0.65166), +INFO : (45, 0.65089), +INFO : (46, 0.64734), +INFO : (47, 0.64767), +INFO : (48, 0.64626), +INFO : (49, 0.64524), +INFO : (50, 0.64418)], +INFO : 'val_loss': [(1, 22226.825579607488), +INFO : (2, 17681.896167373656), +INFO : (3, 15809.280209914967), +INFO : (4, 14583.540212151129), +INFO : (5, 13673.055683324392), +INFO : (6, 13077.482363094437), +INFO : (7, 12442.082012526285), +INFO : (8, 11914.227457953932), +INFO : (9, 11532.607125116352), +INFO : (10, 11362.749909623893), +INFO : (11, 11105.31093417067), +INFO : (12, 10882.58974062381), +INFO : (13, 10787.01356348522), +INFO : (14, 10477.989484094567), +INFO : (15, 10456.371521665073), +INFO : (16, 10384.043523502423), +INFO : (17, 10268.718205450105), +INFO : (18, 10213.665232836018), +INFO : (19, 10136.834229361382), +INFO : (20, 10013.728049921356), +INFO : (21, 10077.73164147577), +INFO : (22, 10096.24226779149), +INFO : (23, 10098.676461335826), +INFO : (24, 10168.647744143025), +INFO : (25, 10053.810629998898), +INFO : (26, 10181.443140861487), +INFO : (27, 10112.192599514097), +INFO : (28, 10214.877210153512), +INFO : (29, 10392.865668614528), +INFO : (30, 10412.387829029674), +INFO : (31, 10496.190721614963), +INFO : (32, 10674.782411278407), +INFO : (33, 10749.571795556345), +INFO : (34, 10824.323598575058), +INFO : (35, 11068.93186259774), +INFO : (36, 11227.247962083), +INFO : (37, 11262.698290907678), +INFO : (38, 11517.394704452587), +INFO : (39, 11648.224079573649), +INFO : (40, 11887.181566070023), +INFO : (41, 12033.676953369142), +INFO : (42, 12259.99424705708), +INFO : (43, 12548.157244522055), +INFO : (44, 12587.597742462716), +INFO : (45, 12873.537193803202), +INFO : (46, 13276.319387835205), +INFO : (47, 13442.823210859107), +INFO : (48, 13933.109577669373), +INFO : (49, 14022.682883280813), +INFO : (50, 14270.321314886973)]} +INFO : +(ClientAppActor pid=880010) WARNING : Manually terminating ClientAppActor +(ClientAppActor pid=880005) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=880010) Files already downloaded and verified +(ClientAppActor pid=880017) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=880018) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..eaf9b361657e --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_10_C_0.1_NOISE_4_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921736) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921736) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +[92mINFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921744) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921743) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921743) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921743) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921740) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=921750) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1956.22s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.269984), +INFO : (2, 0.38006), +INFO : (3, 0.43798), +INFO : (4, 0.480764), +INFO : (5, 0.511216), +INFO : (6, 0.541692), +INFO : (7, 0.561988), +INFO : (8, 0.578362), +INFO : (9, 0.595414), +INFO : (10, 0.61211), +INFO : (11, 0.629152), +INFO : (12, 0.64024), +INFO : (13, 0.65097), +INFO : (14, 0.664296), +INFO : (15, 0.677478), +INFO : (16, 0.68752), +INFO : (17, 0.696786), +INFO : (18, 0.703694), +INFO : (19, 0.71229), +INFO : (20, 0.720312), +INFO : (21, 0.725648), +INFO : (22, 0.738796), +INFO : (23, 0.739778), +INFO : (24, 0.747898), +INFO : (25, 0.758396), +INFO : (26, 0.76015), +INFO : (27, 0.770174), +INFO : (28, 0.77502), +INFO : (29, 0.780964), +INFO : (30, 0.789166), +INFO : (31, 0.795706), +INFO : (32, 0.80066), +INFO : (33, 0.809726), +INFO : (34, 0.810668), +INFO : (35, 0.816916), +INFO : (36, 0.824262), +INFO : (37, 0.826048), +INFO : (38, 0.830626), +INFO : (39, 0.832308), +INFO : (40, 0.842256), +INFO : (41, 0.840346), +INFO : (42, 0.845452), +INFO : (43, 0.84937), +INFO : (44, 0.853742), +INFO : (45, 0.862144), +INFO : (46, 0.868338), +INFO : (47, 0.86843), +INFO : (48, 0.879784), +INFO : (49, 0.878164), +INFO : (50, 0.87221)], +INFO : 'train_loss': [(1, 3145.8733337163926), +INFO : (2, 2667.9003572106362), +INFO : (3, 2422.2713648974895), +INFO : (4, 2241.4938554108144), +INFO : (5, 2118.4012842595575), +INFO : (6, 1993.740972596407), +INFO : (7, 1915.4337408721447), +INFO : (8, 1850.4107216119767), +INFO : (9, 1775.157565897703), +INFO : (10, 1710.1899314820766), +INFO : (11, 1640.2533503830432), +INFO : (12, 1592.433456671238), +INFO : (13, 1549.5572976261378), +INFO : (14, 1494.1880869597196), +INFO : (15, 1438.8121568828822), +INFO : (16, 1396.8848497748374), +INFO : (17, 1355.4637523263693), +INFO : (18, 1320.883731380105), +INFO : (19, 1287.5739368438722), +INFO : (20, 1245.3621084824204), +INFO : (21, 1220.142768266797), +INFO : (22, 1172.5190780863165), +INFO : (23, 1157.6288199096919), +INFO : (24, 1124.9905039817095), +INFO : (25, 1081.4258146390318), +INFO : (26, 1070.6558720737696), +INFO : (27, 1028.7019367069006), +INFO : (28, 1002.1349524304271), +INFO : (29, 973.538571485877), +INFO : (30, 940.0517041951418), +INFO : (31, 913.0252148449421), +INFO : (32, 890.0253681734205), +INFO : (33, 847.3407044753433), +INFO : (34, 842.0857751503587), +INFO : (35, 814.1234496936202), +INFO : (36, 782.5636693693698), +INFO : (37, 771.9038058288395), +INFO : (38, 756.7057618170977), +INFO : (39, 740.9549199543893), +INFO : (40, 700.5815851688385), +INFO : (41, 704.0503087580204), +INFO : (42, 684.3616823889315), +INFO : (43, 662.762322941795), +INFO : (44, 642.0767607606947), +INFO : (45, 611.8127834353596), +INFO : (46, 584.0221603311599), +INFO : (47, 580.7564099814742), +INFO : (48, 536.2882215313614), +INFO : (49, 537.3410283509642), +INFO : (50, 556.9432033212855)], +INFO : 'val_accuracy': [(1, 0.27438), +INFO : (2, 0.38382), +INFO : (3, 0.43603), +INFO : (4, 0.47303), +INFO : (5, 0.5016), +INFO : (6, 0.52722), +INFO : (7, 0.54519), +INFO : (8, 0.56001), +INFO : (9, 0.57269), +INFO : (10, 0.58367), +INFO : (11, 0.59574), +INFO : (12, 0.60138), +INFO : (13, 0.60695), +INFO : (14, 0.6132), +INFO : (15, 0.62035), +INFO : (16, 0.62604), +INFO : (17, 0.6295), +INFO : (18, 0.63061), +INFO : (19, 0.63326), +INFO : (20, 0.63625), +INFO : (21, 0.63493), +INFO : (22, 0.63851), +INFO : (23, 0.63771), +INFO : (24, 0.63803), +INFO : (25, 0.6409), +INFO : (26, 0.63694), +INFO : (27, 0.63933), +INFO : (28, 0.63879), +INFO : (29, 0.6395), +INFO : (30, 0.63918), +INFO : (31, 0.6384), +INFO : (32, 0.63508), +INFO : (33, 0.63912), +INFO : (34, 0.63337), +INFO : (35, 0.63596), +INFO : (36, 0.63535), +INFO : (37, 0.63201), +INFO : (38, 0.63059), +INFO : (39, 0.62767), +INFO : (40, 0.62824), +INFO : (41, 0.62561), +INFO : (42, 0.62497), +INFO : (43, 0.62419), +INFO : (44, 0.6232), +INFO : (45, 0.62274), +INFO : (46, 0.62194), +INFO : (47, 0.61849), +INFO : (48, 0.62222), +INFO : (49, 0.62111), +INFO : (50, 0.61489)], +INFO : 'val_loss': [(1, 20091.264795625215), +INFO : (2, 17010.82568551898), +INFO : (3, 15519.497822978346), +INFO : (4, 14462.63748123115), +INFO : (5, 13764.151962719066), +INFO : (6, 13073.405290231172), +INFO : (7, 12672.126109152237), +INFO : (8, 12364.552403403186), +INFO : (9, 12005.51112890392), +INFO : (10, 11716.142146094631), +INFO : (11, 11402.748742982447), +INFO : (12, 11274.755511566285), +INFO : (13, 11179.957057996651), +INFO : (14, 10997.006050516213), +INFO : (15, 10858.143113808525), +INFO : (16, 10750.347169065792), +INFO : (17, 10708.20452664285), +INFO : (18, 10708.170611555375), +INFO : (19, 10691.355154552351), +INFO : (20, 10645.956281746665), +INFO : (21, 10691.567806002451), +INFO : (22, 10595.422355060071), +INFO : (23, 10774.095441204427), +INFO : (24, 10803.10889598657), +INFO : (25, 10788.79319280537), +INFO : (26, 11053.255759771406), +INFO : (27, 10991.139667849728), +INFO : (28, 11225.593743118834), +INFO : (29, 11299.06386035678), +INFO : (30, 11334.851753532615), +INFO : (31, 11485.351049310291), +INFO : (32, 11659.819974752749), +INFO : (33, 11809.036155306256), +INFO : (34, 12055.415349488456), +INFO : (35, 12165.546230903577), +INFO : (36, 12417.409034330942), +INFO : (37, 12654.74659382196), +INFO : (38, 12914.165742544737), +INFO : (39, 13275.696454741088), +INFO : (40, 13396.061121478495), +INFO : (41, 13788.141958450255), +INFO : (42, 14056.162987818085), +INFO : (43, 14445.838307888567), +INFO : (44, 14680.015723584274), +INFO : (45, 15009.558307369585), +INFO : (46, 15305.971677651127), +INFO : (47, 15666.62048646101), +INFO : (48, 15887.48205431449), +INFO : (49, 16299.565890504682), +INFO : (50, 16971.636176537362)]} +INFO : +(ClientAppActor pid=921742) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=921736) Files already downloaded and verified +(ClientAppActor pid=921749) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=921744) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..fef516351d20 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_0_TRIAL.txt @@ -0,0 +1,3810 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962672) INFO : Starting training... +(ClientAppActor pid=962672) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962674) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962679) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... +(ClientAppActor pid=962671) INFO : Starting training... +(ClientAppActor pid=962668) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962681) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962681) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962672) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962671) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962680) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962679) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962668) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962672) INFO : Starting training... +(ClientAppActor pid=962673) INFO : Starting training... +(ClientAppActor pid=962670) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=962679) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962681) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962670) INFO : Starting training... +(ClientAppActor pid=962671) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962672) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962680) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962675) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962668) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962674) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962670) INFO : Starting training... +(ClientAppActor pid=962683) INFO : Starting training... +(ClientAppActor pid=962674) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=962679) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... +(ClientAppActor pid=962671) INFO : Starting training... +(ClientAppActor pid=962679) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962668) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962679) INFO : Starting training... +(ClientAppActor pid=962669) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962681) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962678) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962678) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962668) INFO : Starting training... +(ClientAppActor pid=962671) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962671) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962672) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962674) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962683) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962674) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962677) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962675) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962669) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962674) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962677) INFO : Starting training... +(ClientAppActor pid=962680) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962677) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962670) INFO : Starting training... +(ClientAppActor pid=962678) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962671) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962679) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962671) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962678) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962682) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962675) INFO : Starting training... +(ClientAppActor pid=962672) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962674) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962670) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... +(ClientAppActor pid=962671) INFO : Starting training... +(ClientAppActor pid=962673) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962676) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962679) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962681) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... +(ClientAppActor pid=962671) INFO : Starting training... +(ClientAppActor pid=962682) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=962674) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962677) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962676) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962669) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962678) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962672) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962682) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962674) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962669) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962673) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962678) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962670) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962679) INFO : Starting training... +(ClientAppActor pid=962680) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962678) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962680) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962682) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... +(ClientAppActor pid=962671) INFO : Starting training... +(ClientAppActor pid=962668) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962676) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962668) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=962676) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962679) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... +(ClientAppActor pid=962671) INFO : Starting training... +(ClientAppActor pid=962682) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=962677) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=962683) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=962680) INFO : Starting training... +(ClientAppActor pid=962677) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3097.90s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.27382), +INFO : (2, 0.385783), +INFO : (3, 0.449133), +INFO : (4, 0.492545), +INFO : (5, 0.528319), +INFO : (6, 0.55328), +INFO : (7, 0.574611), +INFO : (8, 0.593679), +INFO : (9, 0.610746), +INFO : (10, 0.620801), +INFO : (11, 0.633315), +INFO : (12, 0.645571), +INFO : (13, 0.655125), +INFO : (14, 0.66561), +INFO : (15, 0.674973), +INFO : (16, 0.685429), +INFO : (17, 0.691584), +INFO : (18, 0.701664), +INFO : (19, 0.71172), +INFO : (20, 0.716085), +INFO : (21, 0.724936), +INFO : (22, 0.733416), +INFO : (23, 0.739784), +INFO : (24, 0.747871), +INFO : (25, 0.752348), +INFO : (26, 0.759111), +INFO : (27, 0.768584), +INFO : (28, 0.773887), +INFO : (29, 0.779629), +INFO : (30, 0.785181), +INFO : (31, 0.792792), +INFO : (32, 0.796544), +INFO : (33, 0.804885), +INFO : (34, 0.808785), +INFO : (35, 0.812632), +INFO : (36, 0.81938), +INFO : (37, 0.825674), +INFO : (38, 0.833406), +INFO : (39, 0.832159), +INFO : (40, 0.837581), +INFO : (41, 0.842533), +INFO : (42, 0.848592), +INFO : (43, 0.851131), +INFO : (44, 0.855946), +INFO : (45, 0.857261), +INFO : (46, 0.864761), +INFO : (47, 0.869643), +INFO : (48, 0.870619), +INFO : (49, 0.873907), +INFO : (50, 0.877931)], +INFO : 'train_loss': [(1, 3069.067701715231), +INFO : (2, 2615.3735178887846), +INFO : (3, 2355.3935497134926), +INFO : (4, 2188.2063669919967), +INFO : (5, 2055.820027509332), +INFO : (6, 1956.4948609769344), +INFO : (7, 1868.2780884951353), +INFO : (8, 1790.881789790094), +INFO : (9, 1721.7928733825684), +INFO : (10, 1679.860869523883), +INFO : (11, 1622.601113820076), +INFO : (12, 1574.7184609368444), +INFO : (13, 1533.3838496372105), +INFO : (14, 1484.8215662643313), +INFO : (15, 1446.6839565336704), +INFO : (16, 1399.753010520339), +INFO : (17, 1372.6169713124632), +INFO : (18, 1327.9014563396572), +INFO : (19, 1286.8791182793677), +INFO : (20, 1263.7602649524808), +INFO : (21, 1226.052658072114), +INFO : (22, 1187.9320744112133), +INFO : (23, 1160.2022222667933), +INFO : (24, 1126.7300103783607), +INFO : (25, 1104.4617204800247), +INFO : (26, 1075.2756300993265), +INFO : (27, 1036.443568008393), +INFO : (28, 1008.9905418492854), +INFO : (29, 985.9894605793058), +INFO : (30, 959.0078502520919), +INFO : (31, 930.3522753052414), +INFO : (32, 908.6441595837474), +INFO : (33, 875.0645400434732), +INFO : (34, 855.5285483609885), +INFO : (35, 837.2091893773526), +INFO : (36, 808.1231715466827), +INFO : (37, 781.7924749553204), +INFO : (38, 751.1387780345976), +INFO : (39, 746.7113315206021), +INFO : (40, 724.7742020726204), +INFO : (41, 703.421354348585), +INFO : (42, 676.1363064553589), +INFO : (43, 663.3209650592879), +INFO : (44, 642.4065132355319), +INFO : (45, 632.3931136995554), +INFO : (46, 601.6056808043272), +INFO : (47, 580.1114792682231), +INFO : (48, 572.7163352042437), +INFO : (49, 556.9460684111342), +INFO : (50, 538.8571865497157)], +INFO : 'val_accuracy': [(1, 0.277315), +INFO : (2, 0.386295), +INFO : (3, 0.44928), +INFO : (4, 0.489955), +INFO : (5, 0.5205), +INFO : (6, 0.54036), +INFO : (7, 0.558005), +INFO : (8, 0.57349), +INFO : (9, 0.583305), +INFO : (10, 0.5901), +INFO : (11, 0.59993), +INFO : (12, 0.606805), +INFO : (13, 0.610935), +INFO : (14, 0.61568), +INFO : (15, 0.619155), +INFO : (16, 0.625355), +INFO : (17, 0.62645), +INFO : (18, 0.63129), +INFO : (19, 0.63622), +INFO : (20, 0.635075), +INFO : (21, 0.63868), +INFO : (22, 0.64032), +INFO : (23, 0.63981), +INFO : (24, 0.64195), +INFO : (25, 0.641065), +INFO : (26, 0.64065), +INFO : (27, 0.64218), +INFO : (28, 0.64259), +INFO : (29, 0.642745), +INFO : (30, 0.642), +INFO : (31, 0.641305), +INFO : (32, 0.639945), +INFO : (33, 0.641785), +INFO : (34, 0.639325), +INFO : (35, 0.636495), +INFO : (36, 0.63675), +INFO : (37, 0.636025), +INFO : (38, 0.63488), +INFO : (39, 0.63224), +INFO : (40, 0.63109), +INFO : (41, 0.63243), +INFO : (42, 0.629445), +INFO : (43, 0.62821), +INFO : (44, 0.626335), +INFO : (45, 0.624875), +INFO : (46, 0.62556), +INFO : (47, 0.62396), +INFO : (48, 0.62071), +INFO : (49, 0.62175), +INFO : (50, 0.62097)], +INFO : 'val_loss': [(1, 19561.33876805007), +INFO : (2, 16683.946015840396), +INFO : (3, 15085.156575597284), +INFO : (4, 14117.622416449163), +INFO : (5, 13374.547747457362), +INFO : (6, 12855.425190725695), +INFO : (7, 12396.712799835908), +INFO : (8, 12015.47373447449), +INFO : (9, 11701.895390392896), +INFO : (10, 11566.334176681641), +INFO : (11, 11322.431498057103), +INFO : (12, 11171.957724038739), +INFO : (13, 11057.736134700195), +INFO : (14, 10912.402899643539), +INFO : (15, 10824.415113931558), +INFO : (16, 10687.099528933546), +INFO : (17, 10688.087822153406), +INFO : (18, 10601.812529559284), +INFO : (19, 10540.84965772828), +INFO : (20, 10611.4394653919), +INFO : (21, 10554.95441105479), +INFO : (22, 10554.869086836903), +INFO : (23, 10603.710132280194), +INFO : (24, 10606.897996614694), +INFO : (25, 10701.296127160696), +INFO : (26, 10796.861017479145), +INFO : (27, 10811.069067374912), +INFO : (28, 10922.869022344865), +INFO : (29, 11017.13396767682), +INFO : (30, 11119.058765138776), +INFO : (31, 11205.54893034227), +INFO : (32, 11396.653533633778), +INFO : (33, 11498.986551617047), +INFO : (34, 11701.185055619402), +INFO : (35, 11944.180245326354), +INFO : (36, 12090.445589754521), +INFO : (37, 12249.78777417807), +INFO : (38, 12398.592933593436), +INFO : (39, 12769.569943412198), +INFO : (40, 12994.760838204136), +INFO : (41, 13205.96830925449), +INFO : (42, 13500.077624467933), +INFO : (43, 13796.69710328118), +INFO : (44, 14009.90858170319), +INFO : (45, 14455.58692339319), +INFO : (46, 14712.272668067562), +INFO : (47, 15001.078212924407), +INFO : (48, 15415.27851109673), +INFO : (49, 15802.950324506979), +INFO : (50, 16179.030639590961)]} +INFO : +(ClientAppActor pid=962669) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=962682) Files already downloaded and verified +(ClientAppActor pid=962680) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..9056561e25c5 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_1_TRIAL.txt @@ -0,0 +1,3819 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027152) INFO : Starting training... +(ClientAppActor pid=1027164) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=1027157) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... +(ClientAppActor pid=1027153) INFO : Starting training... +(ClientAppActor pid=1027154) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1027164) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027152) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027156) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027158) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... +(ClientAppActor pid=1027163) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027155) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027153) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027164) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027164) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027158) INFO : Starting training... +(ClientAppActor pid=1027160) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027156) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027163) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027153) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... +(ClientAppActor pid=1027163) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027166) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027167) INFO : Starting training... +(ClientAppActor pid=1027161) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027155) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027163) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027163) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027160) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027154) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027155) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027153) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027158) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... +(ClientAppActor pid=1027165) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1027153) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027162) INFO : Starting training... +(ClientAppActor pid=1027167) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027152) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027161) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027154) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027167) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027162) INFO : Starting training... +(ClientAppActor pid=1027156) INFO : Starting training... +(ClientAppActor pid=1027156) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1027164) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... +(ClientAppActor pid=1027161) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1027157) INFO : Starting training... +(ClientAppActor pid=1027166) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027165) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027156) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027160) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027157) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027163) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... +(ClientAppActor pid=1027163) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1027162) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027165) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027166) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027163) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027154) INFO : Starting training... +(ClientAppActor pid=1027155) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027166) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027153) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027153) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027157) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1027155) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027165) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027155) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027158) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027158) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027164) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027165) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027166) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... +(ClientAppActor pid=1027160) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1027156) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1027158) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027158) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027153) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027157) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027161) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... +(ClientAppActor pid=1027155) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1027163) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027160) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027154) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... +(ClientAppActor pid=1027158) INFO : Starting training... +(ClientAppActor pid=1027152) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1027157) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027162) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1027159) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1027156) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1027167) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3108.47s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.246398), +INFO : (2, 0.394746), +INFO : (3, 0.447265), +INFO : (4, 0.480703), +INFO : (5, 0.511325), +INFO : (6, 0.539625), +INFO : (7, 0.561747), +INFO : (8, 0.58124), +INFO : (9, 0.598259), +INFO : (10, 0.613475), +INFO : (11, 0.627605), +INFO : (12, 0.636058), +INFO : (13, 0.647203), +INFO : (14, 0.66128), +INFO : (15, 0.669958), +INFO : (16, 0.67706), +INFO : (17, 0.691072), +INFO : (18, 0.698796), +INFO : (19, 0.708604), +INFO : (20, 0.71497), +INFO : (21, 0.72542), +INFO : (22, 0.733726), +INFO : (23, 0.739792), +INFO : (24, 0.746266), +INFO : (25, 0.75537), +INFO : (26, 0.763004), +INFO : (27, 0.765662), +INFO : (28, 0.775965), +INFO : (29, 0.779971), +INFO : (30, 0.785909), +INFO : (31, 0.797038), +INFO : (32, 0.801944), +INFO : (33, 0.804625), +INFO : (34, 0.814425), +INFO : (35, 0.815649), +INFO : (36, 0.825226), +INFO : (37, 0.828084), +INFO : (38, 0.832593), +INFO : (39, 0.835319), +INFO : (40, 0.840428), +INFO : (41, 0.8456), +INFO : (42, 0.84865), +INFO : (43, 0.855561), +INFO : (44, 0.860622), +INFO : (45, 0.86389), +INFO : (46, 0.863539), +INFO : (47, 0.870399), +INFO : (48, 0.875056), +INFO : (49, 0.878044), +INFO : (50, 0.877207)], +INFO : 'train_loss': [(1, 3211.3853709101677), +INFO : (2, 2578.0164392352103), +INFO : (3, 2360.059144592285), +INFO : (4, 2229.600886875391), +INFO : (5, 2119.787112826109), +INFO : (6, 2009.0918743878603), +INFO : (7, 1919.91755310297), +INFO : (8, 1842.0346265882254), +INFO : (9, 1772.0639047414065), +INFO : (10, 1708.4647851645946), +INFO : (11, 1649.8003727391363), +INFO : (12, 1609.3089440643787), +INFO : (13, 1564.7671788737177), +INFO : (14, 1505.2598032444716), +INFO : (15, 1463.3779145494104), +INFO : (16, 1438.2560746625065), +INFO : (17, 1378.3858670786024), +INFO : (18, 1344.0596697345377), +INFO : (19, 1303.171308849752), +INFO : (20, 1270.189036294818), +INFO : (21, 1226.7260234147311), +INFO : (22, 1190.1021878100933), +INFO : (23, 1163.8035844050348), +INFO : (24, 1135.6902250349522), +INFO : (25, 1094.9892020858824), +INFO : (26, 1061.1997919484972), +INFO : (27, 1045.226049157977), +INFO : (28, 1001.6864038012922), +INFO : (29, 983.0418931297958), +INFO : (30, 957.5744559466839), +INFO : (31, 910.7846653297544), +INFO : (32, 886.609976875037), +INFO : (33, 871.7080513089895), +INFO : (34, 832.6658046580851), +INFO : (35, 822.8865713693201), +INFO : (36, 784.1498077433556), +INFO : (37, 770.6878763318061), +INFO : (38, 746.1457392282784), +INFO : (39, 731.8162850745023), +INFO : (40, 709.7718637786805), +INFO : (41, 686.7346321292222), +INFO : (42, 670.9758226957172), +INFO : (43, 640.4119736991822), +INFO : (44, 620.1982327021658), +INFO : (45, 604.3646606329828), +INFO : (46, 600.8903220966458), +INFO : (47, 572.5637810464948), +INFO : (48, 551.5730800824239), +INFO : (49, 535.9739931441843), +INFO : (50, 537.7413362339139)], +INFO : 'val_accuracy': [(1, 0.25212), +INFO : (2, 0.39412), +INFO : (3, 0.44593), +INFO : (4, 0.47684), +INFO : (5, 0.50377), +INFO : (6, 0.52766), +INFO : (7, 0.546375), +INFO : (8, 0.560795), +INFO : (9, 0.57291), +INFO : (10, 0.5846), +INFO : (11, 0.593575), +INFO : (12, 0.598145), +INFO : (13, 0.603065), +INFO : (14, 0.6129), +INFO : (15, 0.61677), +INFO : (16, 0.62058), +INFO : (17, 0.62732), +INFO : (18, 0.6289), +INFO : (19, 0.63367), +INFO : (20, 0.63472), +INFO : (21, 0.6383), +INFO : (22, 0.64094), +INFO : (23, 0.64034), +INFO : (24, 0.64101), +INFO : (25, 0.642515), +INFO : (26, 0.64323), +INFO : (27, 0.6413), +INFO : (28, 0.643065), +INFO : (29, 0.6425), +INFO : (30, 0.640775), +INFO : (31, 0.642305), +INFO : (32, 0.6429), +INFO : (33, 0.63981), +INFO : (34, 0.640635), +INFO : (35, 0.636745), +INFO : (36, 0.63796), +INFO : (37, 0.635905), +INFO : (38, 0.6353), +INFO : (39, 0.633215), +INFO : (40, 0.63207), +INFO : (41, 0.63113), +INFO : (42, 0.630145), +INFO : (43, 0.629865), +INFO : (44, 0.628365), +INFO : (45, 0.628055), +INFO : (46, 0.625725), +INFO : (47, 0.62564), +INFO : (48, 0.625945), +INFO : (49, 0.625475), +INFO : (50, 0.62411)], +INFO : 'val_loss': [(1, 20464.724695257843), +INFO : (2, 16454.25015720669), +INFO : (3, 15110.578723100527), +INFO : (4, 14337.978986779497), +INFO : (5, 13738.04975913752), +INFO : (6, 13131.21410686234), +INFO : (7, 12686.20081341052), +INFO : (8, 12323.386734885862), +INFO : (9, 12019.27849549498), +INFO : (10, 11743.298693770774), +INFO : (11, 11512.105225615825), +INFO : (12, 11405.62577977684), +INFO : (13, 11268.288269121726), +INFO : (14, 11046.27048303307), +INFO : (15, 10943.85505922449), +INFO : (16, 10944.447141593924), +INFO : (17, 10756.779897920309), +INFO : (18, 10724.449986543714), +INFO : (19, 10683.053854075091), +INFO : (20, 10671.506750692903), +INFO : (21, 10616.334243799261), +INFO : (22, 10584.749780840648), +INFO : (23, 10658.760231900853), +INFO : (24, 10706.962815689953), +INFO : (25, 10739.936928248544), +INFO : (26, 10779.351757957069), +INFO : (27, 10933.819383989388), +INFO : (28, 10973.171552834287), +INFO : (29, 11111.25851263625), +INFO : (30, 11235.135121106327), +INFO : (31, 11273.729892917878), +INFO : (32, 11423.432761591444), +INFO : (33, 11627.77355717198), +INFO : (34, 11695.280994552406), +INFO : (35, 12031.108496808733), +INFO : (36, 12106.166524937868), +INFO : (37, 12364.287265884326), +INFO : (38, 12551.29734313054), +INFO : (39, 12796.343602408346), +INFO : (40, 13068.178497991064), +INFO : (41, 13355.812675676223), +INFO : (42, 13601.255514369414), +INFO : (43, 13879.84066183904), +INFO : (44, 14155.34948914179), +INFO : (45, 14446.719880392513), +INFO : (46, 14791.541023468933), +INFO : (47, 15066.033475503158), +INFO : (48, 15338.251172827877), +INFO : (49, 15769.384743496263), +INFO : (50, 16247.428138887693)]} +INFO : +(ClientAppActor pid=1027157) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=1027164) Files already downloaded and verified +(ClientAppActor pid=1027156) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..c3c65a8acb27 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_2_TRIAL.txt @@ -0,0 +1,3822 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087874) INFO : Starting training... +(ClientAppActor pid=1087883) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=1087879) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087877) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087876) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087889) INFO : Starting training... +(ClientAppActor pid=1087874) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087883) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087877) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +(ClientAppActor pid=1087876) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087884) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087889) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087886) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087880) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087877) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087881) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087874) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087884) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087880) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087878) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087876) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087883) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087879) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087884) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087880) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087881) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +(ClientAppActor pid=1087886) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1087877) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1087874) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087874) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087883) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087884) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087874) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +(ClientAppActor pid=1087879) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087882) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087889) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087886) INFO : Starting training... +(ClientAppActor pid=1087875) INFO : Starting training... +(ClientAppActor pid=1087874) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1087879) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087879) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +(ClientAppActor pid=1087885) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1087879) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087875) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087883) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087886) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087883) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087884) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +(ClientAppActor pid=1087881) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1087875) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +(ClientAppActor pid=1087877) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1087880) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1087877) INFO : Starting training... +(ClientAppActor pid=1087884) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087875) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087884) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087874) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087889) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087876) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087889) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +(ClientAppActor pid=1087878) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1087879) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087878) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087876) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087879) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087884) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087882) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087876) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087889) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087879) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087882) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087876) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1087879) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087875) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087881) INFO : Starting training... +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1087888) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1087889) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1087887) INFO : Starting training... +(ClientAppActor pid=1087882) INFO : Starting training... +(ClientAppActor pid=1087886) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1087880) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3108.69s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.277057), +INFO : (2, 0.391095), +INFO : (3, 0.449341), +INFO : (4, 0.487387), +INFO : (5, 0.519757), +INFO : (6, 0.543759), +INFO : (7, 0.569605), +INFO : (8, 0.583285), +INFO : (9, 0.602911), +INFO : (10, 0.618013), +INFO : (11, 0.629971), +INFO : (12, 0.64326), +INFO : (13, 0.651753), +INFO : (14, 0.665904), +INFO : (15, 0.675698), +INFO : (16, 0.683754), +INFO : (17, 0.692752), +INFO : (18, 0.70325), +INFO : (19, 0.711259), +INFO : (20, 0.717772), +INFO : (21, 0.724918), +INFO : (22, 0.735236), +INFO : (23, 0.739447), +INFO : (24, 0.746825), +INFO : (25, 0.751288), +INFO : (26, 0.758297), +INFO : (27, 0.766909), +INFO : (28, 0.775101), +INFO : (29, 0.778029), +INFO : (30, 0.780434), +INFO : (31, 0.790078), +INFO : (32, 0.796759), +INFO : (33, 0.801167), +INFO : (34, 0.803391), +INFO : (35, 0.810481), +INFO : (36, 0.81322), +INFO : (37, 0.821088), +INFO : (38, 0.826264), +INFO : (39, 0.832392), +INFO : (40, 0.834952), +INFO : (41, 0.840034), +INFO : (42, 0.845017), +INFO : (43, 0.846879), +INFO : (44, 0.85512), +INFO : (45, 0.851536), +INFO : (46, 0.85892), +INFO : (47, 0.863445), +INFO : (48, 0.866897), +INFO : (49, 0.873295), +INFO : (50, 0.873295)], +INFO : 'train_loss': [(1, 3121.5525158643723), +INFO : (2, 2574.4804000914096), +INFO : (3, 2354.86506922245), +INFO : (4, 2203.9724643439054), +INFO : (5, 2079.2280176728964), +INFO : (6, 1982.6797367244958), +INFO : (7, 1882.963428902626), +INFO : (8, 1823.005635562539), +INFO : (9, 1746.6336091592907), +INFO : (10, 1680.039270414412), +INFO : (11, 1635.2917944535614), +INFO : (12, 1579.3885898396372), +INFO : (13, 1543.1006162077188), +INFO : (14, 1483.0205283865332), +INFO : (15, 1439.89120157063), +INFO : (16, 1399.6825978145002), +INFO : (17, 1364.6884732022882), +INFO : (18, 1317.7258079782127), +INFO : (19, 1283.6882384046912), +INFO : (20, 1257.505402548611), +INFO : (21, 1225.9437582753599), +INFO : (22, 1179.8346651867032), +INFO : (23, 1160.183304772526), +INFO : (24, 1128.8254602558911), +INFO : (25, 1107.8841034345328), +INFO : (26, 1077.2713964305817), +INFO : (27, 1041.0615907907486), +INFO : (28, 1006.9670554697514), +INFO : (29, 990.1674201063812), +INFO : (30, 975.8741975657642), +INFO : (31, 937.363666658476), +INFO : (32, 907.8803283646703), +INFO : (33, 887.5834902964532), +INFO : (34, 873.5979185052216), +INFO : (35, 844.4621979176998), +INFO : (36, 830.938271298632), +INFO : (37, 797.50321537368), +INFO : (38, 775.3654936686158), +INFO : (39, 749.4686040055007), +INFO : (40, 734.9984734434635), +INFO : (41, 711.7050501730293), +INFO : (42, 689.3350338082761), +INFO : (43, 678.0298937622458), +INFO : (44, 645.3620368532836), +INFO : (45, 656.029465023242), +INFO : (46, 623.0029852412641), +INFO : (47, 604.5280328316614), +INFO : (48, 587.2290335590019), +INFO : (49, 561.5246602090075), +INFO : (50, 557.3545344103128)], +INFO : 'val_accuracy': [(1, 0.28116), +INFO : (2, 0.394765), +INFO : (3, 0.45089), +INFO : (4, 0.483475), +INFO : (5, 0.511235), +INFO : (6, 0.534845), +INFO : (7, 0.556725), +INFO : (8, 0.567465), +INFO : (9, 0.582385), +INFO : (10, 0.593135), +INFO : (11, 0.601335), +INFO : (12, 0.61126), +INFO : (13, 0.615805), +INFO : (14, 0.624855), +INFO : (15, 0.62921), +INFO : (16, 0.633605), +INFO : (17, 0.63541), +INFO : (18, 0.642145), +INFO : (19, 0.64397), +INFO : (20, 0.645235), +INFO : (21, 0.646735), +INFO : (22, 0.6501), +INFO : (23, 0.650395), +INFO : (24, 0.65019), +INFO : (25, 0.65027), +INFO : (26, 0.64958), +INFO : (27, 0.651), +INFO : (28, 0.65239), +INFO : (29, 0.651685), +INFO : (30, 0.648525), +INFO : (31, 0.65078), +INFO : (32, 0.65095), +INFO : (33, 0.649575), +INFO : (34, 0.64693), +INFO : (35, 0.647165), +INFO : (36, 0.645315), +INFO : (37, 0.646865), +INFO : (38, 0.64563), +INFO : (39, 0.64628), +INFO : (40, 0.64413), +INFO : (41, 0.642755), +INFO : (42, 0.642815), +INFO : (43, 0.639945), +INFO : (44, 0.64066), +INFO : (45, 0.637905), +INFO : (46, 0.637965), +INFO : (47, 0.63634), +INFO : (48, 0.636735), +INFO : (49, 0.636105), +INFO : (50, 0.63531)], +INFO : 'val_loss': [(1, 19875.581039246917), +INFO : (2, 16370.902802031673), +INFO : (3, 15033.371930167546), +INFO : (4, 14156.485642461277), +INFO : (5, 13452.112705383506), +INFO : (6, 12944.06285371952), +INFO : (7, 12441.164703420602), +INFO : (8, 12197.206905906804), +INFO : (9, 11825.590500497774), +INFO : (10, 11525.726645761866), +INFO : (11, 11350.132336503126), +INFO : (12, 11114.805608756376), +INFO : (13, 11007.165241151919), +INFO : (14, 10767.436293486733), +INFO : (15, 10652.961199940537), +INFO : (16, 10549.225537663548), +INFO : (17, 10520.698604795498), +INFO : (18, 10403.235389914005), +INFO : (19, 10367.811311070496), +INFO : (20, 10373.551416500779), +INFO : (21, 10358.400332761987), +INFO : (22, 10311.027988185988), +INFO : (23, 10373.321685878891), +INFO : (24, 10380.438767554066), +INFO : (25, 10503.932034164476), +INFO : (26, 10540.447878793779), +INFO : (27, 10528.29893668676), +INFO : (28, 10586.652601464455), +INFO : (29, 10716.492156348471), +INFO : (30, 10894.928693647526), +INFO : (31, 10910.19624894611), +INFO : (32, 10972.60323056567), +INFO : (33, 11179.389081838714), +INFO : (34, 11402.566214785209), +INFO : (35, 11486.51468725135), +INFO : (36, 11714.239422587501), +INFO : (37, 11860.749140500906), +INFO : (38, 12013.989717858456), +INFO : (39, 12133.595844565472), +INFO : (40, 12414.657480123673), +INFO : (41, 12652.407300563362), +INFO : (42, 12850.033356705426), +INFO : (43, 13155.281680417593), +INFO : (44, 13275.775971163892), +INFO : (45, 13683.157783668212), +INFO : (46, 13866.037843428672), +INFO : (47, 14212.954441640793), +INFO : (48, 14459.72531839597), +INFO : (49, 14723.751511246814), +INFO : (50, 15097.574488809103)]} +INFO : +(ClientAppActor pid=1087889) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=1087874) Files already downloaded and verified +(ClientAppActor pid=1087886) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..3b5aa14174d8 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_3_TRIAL.txt @@ -0,0 +1,3821 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120095) INFO : Starting training... +(ClientAppActor pid=1120103) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=1120094) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120098) INFO : Starting training... +(ClientAppActor pid=1120095) INFO : Starting training... +(ClientAppActor pid=1120101) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1120094) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +(ClientAppActor pid=1120105) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1120094) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120101) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120096) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +(ClientAppActor pid=1120104) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120104) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120094) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120098) INFO : Starting training... +(ClientAppActor pid=1120096) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120104) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120091) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120093) INFO : Starting training... +(ClientAppActor pid=1120095) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1120102) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120097) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120099) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120104) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120095) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +(ClientAppActor pid=1120095) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1120098) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120098) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120101) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120095) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120105) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120097) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120094) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +(ClientAppActor pid=1120105) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1120106) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120097) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120104) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120099) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120095) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120103) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +(ClientAppActor pid=1120099) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120102) INFO : Starting training... +(ClientAppActor pid=1120106) INFO : Starting training... +(ClientAppActor pid=1120102) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1120105) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120103) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120106) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +(ClientAppActor pid=1120101) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1120095) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120104) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120093) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120092) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +(ClientAppActor pid=1120093) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120103) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120094) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120096) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120097) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120093) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120093) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120091) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120099) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120091) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120099) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120097) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120106) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120101) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +(ClientAppActor pid=1120094) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1120098) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120094) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120095) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120104) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120105) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120097) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120092) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120098) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120093) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120091) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120092) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120099) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +(ClientAppActor pid=1120098) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1120105) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1120104) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120093) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +(ClientAppActor pid=1120095) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120105) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120101) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120093) INFO : Starting training... +(ClientAppActor pid=1120096) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1120105) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120100) INFO : Starting training... +(ClientAppActor pid=1120091) INFO : Starting training... +(ClientAppActor pid=1120105) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1120091) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1120093) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1120099) INFO : Starting training... +(ClientAppActor pid=1120094) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3120.68s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.252053), +INFO : (2, 0.379954), +INFO : (3, 0.439832), +INFO : (4, 0.483854), +INFO : (5, 0.515208), +INFO : (6, 0.545208), +INFO : (7, 0.561232), +INFO : (8, 0.580219), +INFO : (9, 0.597066), +INFO : (10, 0.610964), +INFO : (11, 0.622495), +INFO : (12, 0.634774), +INFO : (13, 0.644697), +INFO : (14, 0.656509), +INFO : (15, 0.664018), +INFO : (16, 0.672705), +INFO : (17, 0.684382), +INFO : (18, 0.690211), +INFO : (19, 0.700062), +INFO : (20, 0.708404), +INFO : (21, 0.716372), +INFO : (22, 0.723806), +INFO : (23, 0.728498), +INFO : (24, 0.738739), +INFO : (25, 0.74022), +INFO : (26, 0.750205), +INFO : (27, 0.757671), +INFO : (28, 0.757269), +INFO : (29, 0.768481), +INFO : (30, 0.771992), +INFO : (31, 0.780138), +INFO : (32, 0.781931), +INFO : (33, 0.79201), +INFO : (34, 0.793376), +INFO : (35, 0.799263), +INFO : (36, 0.804011), +INFO : (37, 0.809117), +INFO : (38, 0.814291), +INFO : (39, 0.816512), +INFO : (40, 0.826967), +INFO : (41, 0.82596), +INFO : (42, 0.833545), +INFO : (43, 0.830838), +INFO : (44, 0.837327), +INFO : (45, 0.84464), +INFO : (46, 0.849306), +INFO : (47, 0.852782), +INFO : (48, 0.854795), +INFO : (49, 0.855211), +INFO : (50, 0.861734)], +INFO : 'train_loss': [(1, 3185.5086051523685), +INFO : (2, 2651.939804446697), +INFO : (3, 2399.742436861992), +INFO : (4, 2234.7385522514583), +INFO : (5, 2106.732690384984), +INFO : (6, 1987.719772079587), +INFO : (7, 1921.1788464456797), +INFO : (8, 1842.3555646896361), +INFO : (9, 1775.0533116370439), +INFO : (10, 1718.3623278528453), +INFO : (11, 1664.4438883021473), +INFO : (12, 1616.6446693509818), +INFO : (13, 1572.116634747386), +INFO : (14, 1523.1400420978666), +INFO : (15, 1491.0767855539918), +INFO : (16, 1452.4123143285512), +INFO : (17, 1401.9547403261065), +INFO : (18, 1378.303403636813), +INFO : (19, 1336.9468899190426), +INFO : (20, 1296.537574121356), +INFO : (21, 1268.128819704801), +INFO : (22, 1231.0463276326657), +INFO : (23, 1209.185503448546), +INFO : (24, 1165.0012437276541), +INFO : (25, 1159.6942754030229), +INFO : (26, 1115.2946086838842), +INFO : (27, 1082.471913396567), +INFO : (28, 1081.463422229141), +INFO : (29, 1034.7587236188351), +INFO : (30, 1014.465813627094), +INFO : (31, 983.8763502508402), +INFO : (32, 972.6982879154384), +INFO : (33, 930.108157195896), +INFO : (34, 920.9937052905559), +INFO : (35, 893.9497589949518), +INFO : (36, 869.4866025693715), +INFO : (37, 848.8020542677492), +INFO : (38, 825.7983643274754), +INFO : (39, 813.3016295574605), +INFO : (40, 771.7845774736255), +INFO : (41, 772.5490575440228), +INFO : (42, 739.8661562811583), +INFO : (43, 744.6858200848103), +INFO : (44, 718.6838067829609), +INFO : (45, 686.9756599042564), +INFO : (46, 669.1755984801799), +INFO : (47, 650.5988334517926), +INFO : (48, 640.0272899590433), +INFO : (49, 634.0718259550631), +INFO : (50, 607.7060814080761)], +INFO : 'val_accuracy': [(1, 0.25894), +INFO : (2, 0.381485), +INFO : (3, 0.44115), +INFO : (4, 0.48183), +INFO : (5, 0.508525), +INFO : (6, 0.53503), +INFO : (7, 0.548185), +INFO : (8, 0.565425), +INFO : (9, 0.577615), +INFO : (10, 0.58716), +INFO : (11, 0.59589), +INFO : (12, 0.60166), +INFO : (13, 0.607995), +INFO : (14, 0.613755), +INFO : (15, 0.61616), +INFO : (16, 0.619495), +INFO : (17, 0.626065), +INFO : (18, 0.627025), +INFO : (19, 0.63064), +INFO : (20, 0.632555), +INFO : (21, 0.63492), +INFO : (22, 0.635275), +INFO : (23, 0.6361), +INFO : (24, 0.63914), +INFO : (25, 0.636045), +INFO : (26, 0.63969), +INFO : (27, 0.640665), +INFO : (28, 0.637905), +INFO : (29, 0.63966), +INFO : (30, 0.638555), +INFO : (31, 0.64004), +INFO : (32, 0.637725), +INFO : (33, 0.639335), +INFO : (34, 0.636795), +INFO : (35, 0.636895), +INFO : (36, 0.63674), +INFO : (37, 0.635255), +INFO : (38, 0.63417), +INFO : (39, 0.632615), +INFO : (40, 0.63441), +INFO : (41, 0.630045), +INFO : (42, 0.631785), +INFO : (43, 0.628615), +INFO : (44, 0.62654), +INFO : (45, 0.627665), +INFO : (46, 0.624915), +INFO : (47, 0.62528), +INFO : (48, 0.623635), +INFO : (49, 0.62145), +INFO : (50, 0.62244)], +INFO : 'val_loss': [(1, 20288.19847900346), +INFO : (2, 16876.76057364605), +INFO : (3, 15320.768975252471), +INFO : (4, 14335.974828393013), +INFO : (5, 13611.74352280358), +INFO : (6, 12927.714687423315), +INFO : (7, 12590.085426738679), +INFO : (8, 12182.102257318797), +INFO : (9, 11872.828610503804), +INFO : (10, 11631.287605281292), +INFO : (11, 11422.586702669838), +INFO : (12, 11256.964301325457), +INFO : (13, 11114.263908149322), +INFO : (14, 10967.563165306752), +INFO : (15, 10916.936621560526), +INFO : (16, 10866.391116044088), +INFO : (17, 10691.806354894039), +INFO : (18, 10724.295681758022), +INFO : (19, 10627.256698086214), +INFO : (20, 10602.290230029574), +INFO : (21, 10584.652425866814), +INFO : (22, 10563.74850188634), +INFO : (23, 10621.440470798852), +INFO : (24, 10587.113888330141), +INFO : (25, 10731.029855510174), +INFO : (26, 10698.379292336183), +INFO : (27, 10709.743456818478), +INFO : (28, 10938.076569825873), +INFO : (29, 10895.103312426038), +INFO : (30, 11025.364381964255), +INFO : (31, 11056.137197800768), +INFO : (32, 11224.375170181494), +INFO : (33, 11277.060856393497), +INFO : (34, 11454.826138946619), +INFO : (35, 11550.927390732655), +INFO : (36, 11733.984399690298), +INFO : (37, 11867.875647252824), +INFO : (38, 11986.314248211891), +INFO : (39, 12243.503546564163), +INFO : (40, 12296.425905100361), +INFO : (41, 12631.045719078564), +INFO : (42, 12731.737444270517), +INFO : (43, 13102.756250531243), +INFO : (44, 13369.096506883125), +INFO : (45, 13416.966487155782), +INFO : (46, 13713.336544415322), +INFO : (47, 13999.924779481027), +INFO : (48, 14260.999248658929), +INFO : (49, 14536.998340120283), +INFO : (50, 14788.275936754975)]} +INFO : +(ClientAppActor pid=1120103) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=1120095) Files already downloaded and verified +(ClientAppActor pid=1120092) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..307f90cfe9a3 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_20_C_0.1_NOISE_4_TRIAL.txt @@ -0,0 +1,3840 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=1152358) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152349) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152351) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152349) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152349) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152354) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152362) INFO : Starting training... +(ClientAppActor pid=1152358) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152360) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1152348) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152362) INFO : Starting training... +(ClientAppActor pid=1152361) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152354) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1152348) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1152358) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152349) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152358) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152353) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152349) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152359) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152351) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152348) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152360) INFO : Starting training... +(ClientAppActor pid=1152349) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152355) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152352) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152350) INFO : Starting training... +(ClientAppActor pid=1152354) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152361) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152359) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152361) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1152361) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152348) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152360) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152362) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152363) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152359) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152349) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1152359) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152358) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152358) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152359) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152352) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152362) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152351) INFO : Starting training... +(ClientAppActor pid=1152363) INFO : Starting training... +(ClientAppActor pid=1152352) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152348) INFO : Starting training... +(ClientAppActor pid=1152361) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152348) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152355) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1152358) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152353) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152359) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152355) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152360) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152362) INFO : Starting training... +(ClientAppActor pid=1152358) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152358) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152348) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152363) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152349) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152349) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152350) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152360) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152361) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152352) INFO : Starting training... +(ClientAppActor pid=1152348) INFO : Starting training... +(ClientAppActor pid=1152355) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152359) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152353) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152351) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152348) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152361) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152358) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152360) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152353) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1152352) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152355) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152356) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152348) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152348) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152348) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152362) INFO : Starting training... +(ClientAppActor pid=1152353) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=1152349) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152353) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152349) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152361) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152352) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=1152350) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... +(ClientAppActor pid=1152356) INFO : Starting training... +(ClientAppActor pid=1152361) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=1152357) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=1152360) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=1152363) INFO : Starting training... +(ClientAppActor pid=1152361) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3175.63s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.267442), +INFO : (2, 0.394249), +INFO : (3, 0.459621), +INFO : (4, 0.493619), +INFO : (5, 0.524071), +INFO : (6, 0.55223), +INFO : (7, 0.57369), +INFO : (8, 0.594527), +INFO : (9, 0.60735), +INFO : (10, 0.62462), +INFO : (11, 0.636374), +INFO : (12, 0.648917), +INFO : (13, 0.658905), +INFO : (14, 0.67108), +INFO : (15, 0.677483), +INFO : (16, 0.68957), +INFO : (17, 0.698321), +INFO : (18, 0.705763), +INFO : (19, 0.713798), +INFO : (20, 0.724164), +INFO : (21, 0.729668), +INFO : (22, 0.737729), +INFO : (23, 0.745969), +INFO : (24, 0.753835), +INFO : (25, 0.762696), +INFO : (26, 0.766938), +INFO : (27, 0.774033), +INFO : (28, 0.778325), +INFO : (29, 0.786004), +INFO : (30, 0.791307), +INFO : (31, 0.798361), +INFO : (32, 0.803589), +INFO : (33, 0.806693), +INFO : (34, 0.815707), +INFO : (35, 0.819618), +INFO : (36, 0.828199), +INFO : (37, 0.822931), +INFO : (38, 0.835739), +INFO : (39, 0.840949), +INFO : (40, 0.843189), +INFO : (41, 0.84458), +INFO : (42, 0.853405), +INFO : (43, 0.856553), +INFO : (44, 0.859615), +INFO : (45, 0.865216), +INFO : (46, 0.865916), +INFO : (47, 0.869448), +INFO : (48, 0.874478), +INFO : (49, 0.878467), +INFO : (50, 0.885478)], +INFO : 'train_loss': [(1, 3176.563816612959), +INFO : (2, 2593.9147781670094), +INFO : (3, 2321.4451420396567), +INFO : (4, 2181.9910425662993), +INFO : (5, 2060.0916899114845), +INFO : (6, 1948.9079199433327), +INFO : (7, 1866.9990478873253), +INFO : (8, 1783.100101646781), +INFO : (9, 1735.7971840247512), +INFO : (10, 1660.9085926741361), +INFO : (11, 1612.7255405664444), +INFO : (12, 1558.0010204225778), +INFO : (13, 1515.9277656033635), +INFO : (14, 1463.0237938404084), +INFO : (15, 1435.4206994280219), +INFO : (16, 1383.7063717722892), +INFO : (17, 1344.5434166818857), +INFO : (18, 1311.385210339725), +INFO : (19, 1276.0554849013686), +INFO : (20, 1230.7176306724548), +INFO : (21, 1204.5455855838954), +INFO : (22, 1168.8592466920613), +INFO : (23, 1135.9281115487217), +INFO : (24, 1101.0729124471545), +INFO : (25, 1062.6490554273128), +INFO : (26, 1039.4348478227853), +INFO : (27, 1010.1890590324998), +INFO : (28, 989.8324822753668), +INFO : (29, 956.9673210568726), +INFO : (30, 932.3364071115851), +INFO : (31, 901.4303379580379), +INFO : (32, 874.6586332857609), +INFO : (33, 862.6508452869951), +INFO : (34, 824.6283657800407), +INFO : (35, 805.3068249091506), +INFO : (36, 770.9596583981067), +INFO : (37, 786.4216789264232), +INFO : (38, 733.9110706221312), +INFO : (39, 708.7947592824697), +INFO : (40, 697.4265480209142), +INFO : (41, 689.843533814326), +INFO : (42, 651.3738457599655), +INFO : (43, 637.2573076244444), +INFO : (44, 624.7409523660316), +INFO : (45, 598.9656313795597), +INFO : (46, 592.446596780233), +INFO : (47, 577.6238683560863), +INFO : (48, 553.7503217048943), +INFO : (49, 535.2230378270149), +INFO : (50, 505.50394211728127)], +INFO : 'val_accuracy': [(1, 0.272585), +INFO : (2, 0.394195), +INFO : (3, 0.455555), +INFO : (4, 0.490675), +INFO : (5, 0.51941), +INFO : (6, 0.54191), +INFO : (7, 0.55773), +INFO : (8, 0.57231), +INFO : (9, 0.58029), +INFO : (10, 0.590785), +INFO : (11, 0.59777), +INFO : (12, 0.604815), +INFO : (13, 0.61019), +INFO : (14, 0.616365), +INFO : (15, 0.61786), +INFO : (16, 0.62453), +INFO : (17, 0.627845), +INFO : (18, 0.62985), +INFO : (19, 0.63341), +INFO : (20, 0.636265), +INFO : (21, 0.63674), +INFO : (22, 0.638965), +INFO : (23, 0.641415), +INFO : (24, 0.64289), +INFO : (25, 0.64478), +INFO : (26, 0.643855), +INFO : (27, 0.64467), +INFO : (28, 0.641755), +INFO : (29, 0.642685), +INFO : (30, 0.64205), +INFO : (31, 0.64241), +INFO : (32, 0.64252), +INFO : (33, 0.639065), +INFO : (34, 0.64118), +INFO : (35, 0.63928), +INFO : (36, 0.639755), +INFO : (37, 0.636245), +INFO : (38, 0.638265), +INFO : (39, 0.637725), +INFO : (40, 0.635505), +INFO : (41, 0.632905), +INFO : (42, 0.634545), +INFO : (43, 0.633925), +INFO : (44, 0.631505), +INFO : (45, 0.631475), +INFO : (46, 0.629285), +INFO : (47, 0.62862), +INFO : (48, 0.62797), +INFO : (49, 0.6264), +INFO : (50, 0.628095)], +INFO : 'val_loss': [(1, 20246.942222754653), +INFO : (2, 16551.05818108525), +INFO : (3, 14871.302843924983), +INFO : (4, 14022.430095503289), +INFO : (5, 13323.644317531825), +INFO : (6, 12758.071110513327), +INFO : (7, 12377.915370716031), +INFO : (8, 11995.511029555179), +INFO : (9, 11830.84008391517), +INFO : (10, 11519.773633042985), +INFO : (11, 11370.263618198658), +INFO : (12, 11189.337718479448), +INFO : (13, 11095.980377590284), +INFO : (14, 10923.256902218454), +INFO : (15, 10937.616111501258), +INFO : (16, 10804.395945405071), +INFO : (17, 10738.524442274726), +INFO : (18, 10723.410838963215), +INFO : (19, 10737.815810670863), +INFO : (20, 10639.058724508957), +INFO : (21, 10682.677222981672), +INFO : (22, 10725.279283739728), +INFO : (23, 10733.476245503269), +INFO : (24, 10754.235575730137), +INFO : (25, 10796.589003752924), +INFO : (26, 10831.007416254139), +INFO : (27, 10936.323345699684), +INFO : (28, 11080.390339515112), +INFO : (29, 11152.978967775027), +INFO : (30, 11233.3231148285), +INFO : (31, 11391.442544561914), +INFO : (32, 11537.207131652325), +INFO : (33, 11717.812473727601), +INFO : (34, 11830.584583850214), +INFO : (35, 12021.957073668165), +INFO : (36, 12185.37355708441), +INFO : (37, 12565.230892484497), +INFO : (38, 12598.321343236696), +INFO : (39, 12870.592370238728), +INFO : (40, 13075.527216095581), +INFO : (41, 13493.86754382812), +INFO : (42, 13685.120212603191), +INFO : (43, 13929.790449816963), +INFO : (44, 14304.038555017181), +INFO : (45, 14500.24209329152), +INFO : (46, 14944.076574255358), +INFO : (47, 15273.560464344844), +INFO : (48, 15502.663817203795), +INFO : (49, 15824.972540939794), +INFO : (50, 16152.099839488172)]} +INFO : +(ClientAppActor pid=1152352) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=1152357) Files already downloaded and verified +(ClientAppActor pid=1152355) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..d764d3847379 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_0_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543722) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543730) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543722) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543729) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543716) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543722) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543723) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543722) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543719) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543717) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543722) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543717) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543722) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543723) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543722) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543716) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543722) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543716) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543717) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543716) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543723) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543722) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543723) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543717) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543722) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543717) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543722) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543717) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543721) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543723) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543717) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543723) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543716) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543723) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543716) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=543718) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1277.65s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.255348), +INFO : (2, 0.36098), +INFO : (3, 0.428452), +INFO : (4, 0.478536), +INFO : (5, 0.515712), +INFO : (6, 0.539076), +INFO : (7, 0.568404), +INFO : (8, 0.587072), +INFO : (9, 0.601188), +INFO : (10, 0.61936), +INFO : (11, 0.630952), +INFO : (12, 0.636572), +INFO : (13, 0.651104), +INFO : (14, 0.661572), +INFO : (15, 0.67304), +INFO : (16, 0.675344), +INFO : (17, 0.688128), +INFO : (18, 0.696), +INFO : (19, 0.702108), +INFO : (20, 0.711896), +INFO : (21, 0.71556), +INFO : (22, 0.723408), +INFO : (23, 0.73502), +INFO : (24, 0.742356), +INFO : (25, 0.749612), +INFO : (26, 0.750144), +INFO : (27, 0.754484), +INFO : (28, 0.765188), +INFO : (29, 0.774536), +INFO : (30, 0.773652), +INFO : (31, 0.782364), +INFO : (32, 0.781632), +INFO : (33, 0.789136), +INFO : (34, 0.795164), +INFO : (35, 0.798264), +INFO : (36, 0.815808), +INFO : (37, 0.809632), +INFO : (38, 0.817468), +INFO : (39, 0.821904), +INFO : (40, 0.825056), +INFO : (41, 0.831988), +INFO : (42, 0.831616), +INFO : (43, 0.841656), +INFO : (44, 0.841632), +INFO : (45, 0.851244), +INFO : (46, 0.852964), +INFO : (47, 0.856964), +INFO : (48, 0.862636), +INFO : (49, 0.861512), +INFO : (50, 0.870712)], +INFO : 'train_loss': [(1, 3227.034551000595), +INFO : (2, 2684.5518392801287), +INFO : (3, 2432.5277193784714), +INFO : (4, 2243.1832369327544), +INFO : (5, 2098.7420739531517), +INFO : (6, 2007.3071145892143), +INFO : (7, 1898.0447962403298), +INFO : (8, 1822.229253757), +INFO : (9, 1760.9870507359506), +INFO : (10, 1693.7623591423035), +INFO : (11, 1635.7907715320587), +INFO : (12, 1613.0055204927921), +INFO : (13, 1554.3386950433255), +INFO : (14, 1514.4577651500701), +INFO : (15, 1459.367581307888), +INFO : (16, 1447.848225057125), +INFO : (17, 1394.115542113781), +INFO : (18, 1363.9971634507178), +INFO : (19, 1333.224582260847), +INFO : (20, 1292.2426349759103), +INFO : (21, 1274.8022546112538), +INFO : (22, 1231.2805603265763), +INFO : (23, 1187.5477886587382), +INFO : (24, 1154.00141556561), +INFO : (25, 1125.7820078372956), +INFO : (26, 1115.768609443307), +INFO : (27, 1095.7681447565556), +INFO : (28, 1053.1778180360793), +INFO : (29, 1011.5088276982308), +INFO : (30, 1004.7032623171806), +INFO : (31, 970.6557889282703), +INFO : (32, 965.8593519866466), +INFO : (33, 936.8464331746102), +INFO : (34, 910.5716923892498), +INFO : (35, 897.2891142845153), +INFO : (36, 828.4190818652511), +INFO : (37, 841.9005017399788), +INFO : (38, 815.6418900310994), +INFO : (39, 790.6374456912279), +INFO : (40, 775.7714890658856), +INFO : (41, 746.9235011741519), +INFO : (42, 742.8436819165945), +INFO : (43, 706.6698561936616), +INFO : (44, 697.4708981007337), +INFO : (45, 663.3526007503272), +INFO : (46, 655.8571355462075), +INFO : (47, 635.5721640393137), +INFO : (48, 609.3605590179562), +INFO : (49, 606.5524172335863), +INFO : (50, 574.5076383590698)], +INFO : 'val_accuracy': [(1, 0.26124), +INFO : (2, 0.36396), +INFO : (3, 0.42852), +INFO : (4, 0.476), +INFO : (5, 0.5128), +INFO : (6, 0.53422), +INFO : (7, 0.55972), +INFO : (8, 0.57612), +INFO : (9, 0.58584), +INFO : (10, 0.5966), +INFO : (11, 0.60642), +INFO : (12, 0.60764), +INFO : (13, 0.61626), +INFO : (14, 0.62122), +INFO : (15, 0.6248), +INFO : (16, 0.6241), +INFO : (17, 0.63016), +INFO : (18, 0.63024), +INFO : (19, 0.63046), +INFO : (20, 0.63338), +INFO : (21, 0.6343), +INFO : (22, 0.63582), +INFO : (23, 0.63938), +INFO : (24, 0.64184), +INFO : (25, 0.63786), +INFO : (26, 0.6369), +INFO : (27, 0.63662), +INFO : (28, 0.6368), +INFO : (29, 0.63874), +INFO : (30, 0.6373), +INFO : (31, 0.63684), +INFO : (32, 0.63486), +INFO : (33, 0.6326), +INFO : (34, 0.63366), +INFO : (35, 0.63106), +INFO : (36, 0.63686), +INFO : (37, 0.63262), +INFO : (38, 0.6318), +INFO : (39, 0.62984), +INFO : (40, 0.62754), +INFO : (41, 0.63088), +INFO : (42, 0.62844), +INFO : (43, 0.62594), +INFO : (44, 0.62402), +INFO : (45, 0.62748), +INFO : (46, 0.62402), +INFO : (47, 0.62284), +INFO : (48, 0.61994), +INFO : (49, 0.62074), +INFO : (50, 0.62156)], +INFO : 'val_loss': [(1, 20593.406486201286), +INFO : (2, 17097.58731658533), +INFO : (3, 15552.265477974712), +INFO : (4, 14360.934962881916), +INFO : (5, 13502.503906628304), +INFO : (6, 13010.331559168224), +INFO : (7, 12403.006757460942), +INFO : (8, 12043.823159672063), +INFO : (9, 11762.652632933406), +INFO : (10, 11436.820490517872), +INFO : (11, 11249.040761600005), +INFO : (12, 11260.532572261425), +INFO : (13, 11037.579878643712), +INFO : (14, 10893.296394131661), +INFO : (15, 10792.05818277401), +INFO : (16, 10858.994244628804), +INFO : (17, 10708.505358571896), +INFO : (18, 10702.89467078629), +INFO : (19, 10696.283680479823), +INFO : (20, 10699.329244119426), +INFO : (21, 10788.804836910787), +INFO : (22, 10723.55541778162), +INFO : (23, 10709.953926823155), +INFO : (24, 10682.07158386208), +INFO : (25, 10743.86127566632), +INFO : (26, 10959.939445248418), +INFO : (27, 11049.835142278609), +INFO : (28, 11071.519102873272), +INFO : (29, 11138.640827985893), +INFO : (30, 11374.252055320658), +INFO : (31, 11379.502783285407), +INFO : (32, 11649.50268134051), +INFO : (33, 11879.728067610546), +INFO : (34, 11966.82619563358), +INFO : (35, 12132.646024791738), +INFO : (36, 11985.628623832154), +INFO : (37, 12430.00511541042), +INFO : (38, 12669.792665038503), +INFO : (39, 12790.613292665561), +INFO : (40, 12869.099269802055), +INFO : (41, 13125.366132567597), +INFO : (42, 13449.637522036708), +INFO : (43, 13668.471421945655), +INFO : (44, 14078.196685092968), +INFO : (45, 14171.668463225737), +INFO : (46, 14414.200033025065), +INFO : (47, 14830.939602978136), +INFO : (48, 15178.423615599766), +INFO : (49, 15359.822444422087), +INFO : (50, 15595.357781055807)]} +INFO : +(ClientAppActor pid=543724) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=543718) Files already downloaded and verified +(ClientAppActor pid=543721) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=543728) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=543731) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=543731) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..92d3d4a53483 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_1_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584566) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584576) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584563) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584574) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584566) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584565) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584566) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584565) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584563) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584565) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584574) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584567) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584574) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584568) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584574) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584566) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584575) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584566) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584570) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584566) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584570) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584566) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584567) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584563) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584567) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584575) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584573) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584567) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584566) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584567) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584566) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584570) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584566) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584569) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=584575) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1248.22s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.282252), +INFO : (2, 0.399416), +INFO : (3, 0.455688), +INFO : (4, 0.492172), +INFO : (5, 0.523024), +INFO : (6, 0.549404), +INFO : (7, 0.571476), +INFO : (8, 0.592124), +INFO : (9, 0.604272), +INFO : (10, 0.607952), +INFO : (11, 0.631164), +INFO : (12, 0.64256), +INFO : (13, 0.653108), +INFO : (14, 0.664816), +INFO : (15, 0.676), +INFO : (16, 0.684832), +INFO : (17, 0.689248), +INFO : (18, 0.709472), +INFO : (19, 0.706644), +INFO : (20, 0.716084), +INFO : (21, 0.72614), +INFO : (22, 0.737272), +INFO : (23, 0.739552), +INFO : (24, 0.74494), +INFO : (25, 0.757844), +INFO : (26, 0.761388), +INFO : (27, 0.767696), +INFO : (28, 0.766956), +INFO : (29, 0.779944), +INFO : (30, 0.785808), +INFO : (31, 0.790888), +INFO : (32, 0.789376), +INFO : (33, 0.802208), +INFO : (34, 0.803548), +INFO : (35, 0.81712), +INFO : (36, 0.815208), +INFO : (37, 0.825644), +INFO : (38, 0.82846), +INFO : (39, 0.832944), +INFO : (40, 0.832904), +INFO : (41, 0.842152), +INFO : (42, 0.8365), +INFO : (43, 0.846248), +INFO : (44, 0.84456), +INFO : (45, 0.849968), +INFO : (46, 0.851024), +INFO : (47, 0.857508), +INFO : (48, 0.866096), +INFO : (49, 0.873876), +INFO : (50, 0.876012)], +INFO : 'train_loss': [(1, 3073.3154406309127), +INFO : (2, 2545.647841763496), +INFO : (3, 2361.868125462532), +INFO : (4, 2203.18438372612), +INFO : (5, 2075.5716608405114), +INFO : (6, 1976.523092699051), +INFO : (7, 1881.8096675157547), +INFO : (8, 1797.3273287892341), +INFO : (9, 1738.3083260178566), +INFO : (10, 1724.0865071892738), +INFO : (11, 1633.276058769226), +INFO : (12, 1583.011539387703), +INFO : (13, 1537.1261893928051), +INFO : (14, 1491.8642210364342), +INFO : (15, 1434.0605574846268), +INFO : (16, 1405.951940512657), +INFO : (17, 1382.3126341044904), +INFO : (18, 1297.0098542690278), +INFO : (19, 1306.6237621545793), +INFO : (20, 1260.6763997554779), +INFO : (21, 1219.5832915127278), +INFO : (22, 1171.9550702095032), +INFO : (23, 1158.041879659891), +INFO : (24, 1134.8682999193668), +INFO : (25, 1078.9881967455149), +INFO : (26, 1060.3491207182408), +INFO : (27, 1036.2534466683865), +INFO : (28, 1032.5584361314773), +INFO : (29, 982.7767678231), +INFO : (30, 951.4062836110592), +INFO : (31, 931.210714572668), +INFO : (32, 935.5699581444263), +INFO : (33, 876.7169365108014), +INFO : (34, 875.8180674284697), +INFO : (35, 819.11715978086), +INFO : (36, 820.0659562855959), +INFO : (37, 771.2140523850918), +INFO : (38, 761.6410177290439), +INFO : (39, 739.8738316357136), +INFO : (40, 738.4794958084822), +INFO : (41, 695.4554233297706), +INFO : (42, 717.1624361604452), +INFO : (43, 679.0175090327859), +INFO : (44, 681.8907160818577), +INFO : (45, 654.749750764668), +INFO : (46, 654.6821205526591), +INFO : (47, 623.2638954460621), +INFO : (48, 590.8848606765271), +INFO : (49, 556.5701268672943), +INFO : (50, 550.5838536307216)], +INFO : 'val_accuracy': [(1, 0.28922), +INFO : (2, 0.3985), +INFO : (3, 0.45262), +INFO : (4, 0.49054), +INFO : (5, 0.51672), +INFO : (6, 0.5358), +INFO : (7, 0.55584), +INFO : (8, 0.57066), +INFO : (9, 0.5785), +INFO : (10, 0.58046), +INFO : (11, 0.59808), +INFO : (12, 0.60228), +INFO : (13, 0.60974), +INFO : (14, 0.6134), +INFO : (15, 0.6179), +INFO : (16, 0.6221), +INFO : (17, 0.62342), +INFO : (18, 0.6328), +INFO : (19, 0.63124), +INFO : (20, 0.6328), +INFO : (21, 0.6334), +INFO : (22, 0.6392), +INFO : (23, 0.63762), +INFO : (24, 0.63442), +INFO : (25, 0.64048), +INFO : (26, 0.63654), +INFO : (27, 0.63638), +INFO : (28, 0.634), +INFO : (29, 0.63706), +INFO : (30, 0.6362), +INFO : (31, 0.6353), +INFO : (32, 0.6298), +INFO : (33, 0.63356), +INFO : (34, 0.63084), +INFO : (35, 0.63706), +INFO : (36, 0.63048), +INFO : (37, 0.63466), +INFO : (38, 0.62886), +INFO : (39, 0.63272), +INFO : (40, 0.6237), +INFO : (41, 0.62874), +INFO : (42, 0.62148), +INFO : (43, 0.62426), +INFO : (44, 0.62162), +INFO : (45, 0.62036), +INFO : (46, 0.6199), +INFO : (47, 0.61756), +INFO : (48, 0.62268), +INFO : (49, 0.62138), +INFO : (50, 0.6181)], +INFO : 'val_loss': [(1, 19582.498356932403), +INFO : (2, 16245.623375244439), +INFO : (3, 15117.563524158113), +INFO : (4, 14173.590576100769), +INFO : (5, 13448.552875647205), +INFO : (6, 12918.304774118702), +INFO : (7, 12445.704054145748), +INFO : (8, 12026.858756196963), +INFO : (9, 11794.819989277266), +INFO : (10, 11831.655465538151), +INFO : (11, 11438.955494758538), +INFO : (12, 11280.280791665771), +INFO : (13, 11158.860340978852), +INFO : (14, 11011.941678098226), +INFO : (15, 10894.277354234291), +INFO : (16, 10820.073107026274), +INFO : (17, 10885.498169350773), +INFO : (18, 10566.321414718284), +INFO : (19, 10794.51368412654), +INFO : (20, 10738.870645067014), +INFO : (21, 10743.00079959072), +INFO : (22, 10547.690648402997), +INFO : (23, 10747.399273681154), +INFO : (24, 10802.854330341328), +INFO : (25, 10714.26332132824), +INFO : (26, 10868.124199704916), +INFO : (27, 10969.005737085432), +INFO : (28, 11130.932417732236), +INFO : (29, 11100.033684894932), +INFO : (30, 11270.067221342137), +INFO : (31, 11359.855832372843), +INFO : (32, 11750.060147883827), +INFO : (33, 11756.70933675716), +INFO : (34, 12050.43201762493), +INFO : (35, 11889.174961252747), +INFO : (36, 12259.457706085492), +INFO : (37, 12463.216738703293), +INFO : (38, 12562.468770361815), +INFO : (39, 12886.860288373959), +INFO : (40, 13244.363113614108), +INFO : (41, 13396.855813868184), +INFO : (42, 13758.595169032067), +INFO : (43, 14054.533078416936), +INFO : (44, 14264.863546737075), +INFO : (45, 14589.070481937495), +INFO : (46, 15065.304170609674), +INFO : (47, 15310.707264388651), +INFO : (48, 15306.253754607285), +INFO : (49, 15577.041218853577), +INFO : (50, 15952.122853066307)]} +INFO : +(ClientAppActor pid=584571) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=584565) Files already downloaded and verified +(ClientAppActor pid=584570) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=584575) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=584578) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=584578) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..14dd7ed06cea --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_2_TRIAL.txt @@ -0,0 +1,1462 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 5) +(ClientAppActor pid=625021) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625026) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625021) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625026) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625021) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625021) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625022) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625021) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625034) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625034) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625022) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625021) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625034) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625034) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625026) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625034) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625021) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625021) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625022) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625026) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625026) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625020) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=625019) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1220.20s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.2958), +INFO : (2, 0.3973), +INFO : (3, 0.459092), +INFO : (4, 0.50056), +INFO : (5, 0.53298), +INFO : (6, 0.552144), +INFO : (7, 0.5721), +INFO : (8, 0.591064), +INFO : (9, 0.6044), +INFO : (10, 0.623768), +INFO : (11, 0.630912), +INFO : (12, 0.64214), +INFO : (13, 0.648372), +INFO : (14, 0.670912), +INFO : (15, 0.682588), +INFO : (16, 0.688252), +INFO : (17, 0.69868), +INFO : (18, 0.705544), +INFO : (19, 0.713312), +INFO : (20, 0.727588), +INFO : (21, 0.72892), +INFO : (22, 0.73652), +INFO : (23, 0.746144), +INFO : (24, 0.749056), +INFO : (25, 0.753328), +INFO : (26, 0.763612), +INFO : (27, 0.769876), +INFO : (28, 0.778564), +INFO : (29, 0.78164), +INFO : (30, 0.783524), +INFO : (31, 0.793032), +INFO : (32, 0.800944), +INFO : (33, 0.801212), +INFO : (34, 0.807168), +INFO : (35, 0.81792), +INFO : (36, 0.814868), +INFO : (37, 0.8191), +INFO : (38, 0.828084), +INFO : (39, 0.834984), +INFO : (40, 0.833392), +INFO : (41, 0.842716), +INFO : (42, 0.844928), +INFO : (43, 0.847876), +INFO : (44, 0.851688), +INFO : (45, 0.85954), +INFO : (46, 0.866216), +INFO : (47, 0.862596), +INFO : (48, 0.866332), +INFO : (49, 0.87224), +INFO : (50, 0.872804)], +INFO : 'train_loss': [(1, 3074.6770941615105), +INFO : (2, 2576.0569763183594), +INFO : (3, 2336.654574048519), +INFO : (4, 2163.248314344883), +INFO : (5, 2040.2215606331824), +INFO : (6, 1958.7349702477454), +INFO : (7, 1875.5696079611778), +INFO : (8, 1800.7018429279328), +INFO : (9, 1743.3372330188752), +INFO : (10, 1670.0678270995618), +INFO : (11, 1643.0502658069133), +INFO : (12, 1586.9509752988815), +INFO : (13, 1558.837140184641), +INFO : (14, 1467.9052995860577), +INFO : (15, 1421.2001246869563), +INFO : (16, 1392.0050821185112), +INFO : (17, 1344.5589236557485), +INFO : (18, 1316.1735651165247), +INFO : (19, 1284.2799692451954), +INFO : (20, 1222.2436810433865), +INFO : (21, 1211.189158320427), +INFO : (22, 1174.732881218195), +INFO : (23, 1136.2126762151718), +INFO : (24, 1122.5915465980768), +INFO : (25, 1103.7776818335055), +INFO : (26, 1050.9249012321234), +INFO : (27, 1026.0147207587956), +INFO : (28, 987.9653890132904), +INFO : (29, 970.6580242067575), +INFO : (30, 960.2017464965581), +INFO : (31, 919.519038912654), +INFO : (32, 886.9881389513612), +INFO : (33, 879.7879230827093), +INFO : (34, 857.9124089688063), +INFO : (35, 810.8970884293318), +INFO : (36, 811.1783219099045), +INFO : (37, 799.9588222637773), +INFO : (38, 759.9455975487829), +INFO : (39, 739.5487037405371), +INFO : (40, 733.2490938141942), +INFO : (41, 696.0091331735254), +INFO : (42, 682.6175719469786), +INFO : (43, 672.1279792308808), +INFO : (44, 654.9246822103858), +INFO : (45, 623.2225872933865), +INFO : (46, 593.7527738541364), +INFO : (47, 600.926450227201), +INFO : (48, 584.6659592628479), +INFO : (49, 559.6707524955273), +INFO : (50, 557.4493104442954)], +INFO : 'val_accuracy': [(1, 0.3022), +INFO : (2, 0.39928), +INFO : (3, 0.46184), +INFO : (4, 0.49878), +INFO : (5, 0.52526), +INFO : (6, 0.53994), +INFO : (7, 0.55532), +INFO : (8, 0.57106), +INFO : (9, 0.57772), +INFO : (10, 0.59418), +INFO : (11, 0.59454), +INFO : (12, 0.603), +INFO : (13, 0.60502), +INFO : (14, 0.61918), +INFO : (15, 0.62388), +INFO : (16, 0.62602), +INFO : (17, 0.62928), +INFO : (18, 0.63042), +INFO : (19, 0.63484), +INFO : (20, 0.63992), +INFO : (21, 0.6388), +INFO : (22, 0.64), +INFO : (23, 0.64504), +INFO : (24, 0.64186), +INFO : (25, 0.638), +INFO : (26, 0.64474), +INFO : (27, 0.6456), +INFO : (28, 0.64572), +INFO : (29, 0.6421), +INFO : (30, 0.6407), +INFO : (31, 0.64616), +INFO : (32, 0.64406), +INFO : (33, 0.64026), +INFO : (34, 0.63928), +INFO : (35, 0.64384), +INFO : (36, 0.63766), +INFO : (37, 0.63688), +INFO : (38, 0.63684), +INFO : (39, 0.6343), +INFO : (40, 0.63246), +INFO : (41, 0.6349), +INFO : (42, 0.63312), +INFO : (43, 0.63032), +INFO : (44, 0.63096), +INFO : (45, 0.6313), +INFO : (46, 0.63178), +INFO : (47, 0.63038), +INFO : (48, 0.62774), +INFO : (49, 0.62718), +INFO : (50, 0.62328)], +INFO : 'val_loss': [(1, 19573.11568170786), +INFO : (2, 16409.293391492967), +INFO : (3, 14950.789321526883), +INFO : (4, 13924.001226727476), +INFO : (5, 13265.889911103808), +INFO : (6, 12860.624142604902), +INFO : (7, 12431.706709222948), +INFO : (8, 12081.211201874454), +INFO : (9, 11853.307927600266), +INFO : (10, 11522.035612494838), +INFO : (11, 11470.677617503563), +INFO : (12, 11308.932421037496), +INFO : (13, 11306.282482312039), +INFO : (14, 10859.678211681468), +INFO : (15, 10764.201808477204), +INFO : (16, 10824.149407299354), +INFO : (17, 10636.246230946213), +INFO : (18, 10681.894329019315), +INFO : (19, 10633.038604224863), +INFO : (20, 10447.8973918766), +INFO : (21, 10581.115677925254), +INFO : (22, 10612.133177412952), +INFO : (23, 10579.86957759361), +INFO : (24, 10691.872568885874), +INFO : (25, 10802.810722795872), +INFO : (26, 10827.583469609219), +INFO : (27, 10870.307323095973), +INFO : (28, 10836.73078295818), +INFO : (29, 11053.04849905941), +INFO : (30, 11213.692536096945), +INFO : (31, 11250.036073646328), +INFO : (32, 11333.64433861721), +INFO : (33, 11559.19805597779), +INFO : (34, 11746.107451026519), +INFO : (35, 11741.782862745933), +INFO : (36, 12182.418577740904), +INFO : (37, 12392.929849622125), +INFO : (38, 12436.569416676235), +INFO : (39, 12540.34851486624), +INFO : (40, 12944.9943799602), +INFO : (41, 13006.054031072892), +INFO : (42, 13300.161418965792), +INFO : (43, 13657.383414122143), +INFO : (44, 13785.852465044894), +INFO : (45, 14138.610709974206), +INFO : (46, 14278.919116438767), +INFO : (47, 14794.382376682193), +INFO : (48, 15137.218788949882), +INFO : (49, 15336.550536736648), +INFO : (50, 15692.645347076821)]} +INFO : +(ClientAppActor pid=625025) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=625021) Files already downloaded and verified +(ClientAppActor pid=625023) Files already downloaded and verified [repeated 4x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=625026) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=625031) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=625032) Files already downloaded and verified [repeated 7x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..ea7dc6c5d1ab --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_3_TRIAL.txt @@ -0,0 +1,1462 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665235) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665236) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665236) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665236) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665245) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665230) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665235) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665233) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665236) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665236) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665232) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665232) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665232) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665245) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665245) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665245) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665231) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=665245) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1236.59s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.30225), +INFO : (2, 0.403472), +INFO : (3, 0.457316), +INFO : (4, 0.493388), +INFO : (5, 0.524112), +INFO : (6, 0.54928), +INFO : (7, 0.569668), +INFO : (8, 0.581728), +INFO : (9, 0.603092), +INFO : (10, 0.614492), +INFO : (11, 0.632584), +INFO : (12, 0.636748), +INFO : (13, 0.653392), +INFO : (14, 0.665512), +INFO : (15, 0.67176), +INFO : (16, 0.681568), +INFO : (17, 0.691636), +INFO : (18, 0.702496), +INFO : (19, 0.707428), +INFO : (20, 0.720172), +INFO : (21, 0.729784), +INFO : (22, 0.729648), +INFO : (23, 0.743136), +INFO : (24, 0.744772), +INFO : (25, 0.756628), +INFO : (26, 0.764868), +INFO : (27, 0.767016), +INFO : (28, 0.777816), +INFO : (29, 0.781116), +INFO : (30, 0.792012), +INFO : (31, 0.792436), +INFO : (32, 0.799052), +INFO : (33, 0.809164), +INFO : (34, 0.809156), +INFO : (35, 0.814576), +INFO : (36, 0.82086), +INFO : (37, 0.821576), +INFO : (38, 0.83786), +INFO : (39, 0.839564), +INFO : (40, 0.849036), +INFO : (41, 0.852652), +INFO : (42, 0.848892), +INFO : (43, 0.853568), +INFO : (44, 0.854972), +INFO : (45, 0.861712), +INFO : (46, 0.86902), +INFO : (47, 0.875), +INFO : (48, 0.873748), +INFO : (49, 0.874608), +INFO : (50, 0.874956)], +INFO : 'train_loss': [(1, 2978.901110649109), +INFO : (2, 2542.584931731224), +INFO : (3, 2329.1344722032545), +INFO : (4, 2182.2686388134957), +INFO : (5, 2076.448262941837), +INFO : (6, 1972.2116212010383), +INFO : (7, 1891.1272087216378), +INFO : (8, 1836.867232966423), +INFO : (9, 1749.7477853536607), +INFO : (10, 1704.2583351254464), +INFO : (11, 1625.3821709394456), +INFO : (12, 1605.3427507698536), +INFO : (13, 1533.890290284157), +INFO : (14, 1481.9532732248306), +INFO : (15, 1454.427793252468), +INFO : (16, 1415.558905816078), +INFO : (17, 1370.8575287640094), +INFO : (18, 1329.0219399809837), +INFO : (19, 1300.1210232555866), +INFO : (20, 1241.8994683742524), +INFO : (21, 1203.4227368295192), +INFO : (22, 1205.566563206911), +INFO : (23, 1146.9541165322066), +INFO : (24, 1140.161050981283), +INFO : (25, 1081.135373905301), +INFO : (26, 1046.3692136913537), +INFO : (27, 1035.4830221623183), +INFO : (28, 995.1118311613798), +INFO : (29, 972.0382535099983), +INFO : (30, 931.0882334023714), +INFO : (31, 924.804444566369), +INFO : (32, 890.0665348291398), +INFO : (33, 852.8929652035237), +INFO : (34, 848.8005393713713), +INFO : (35, 819.866351673007), +INFO : (36, 794.7160323143005), +INFO : (37, 788.4681167125702), +INFO : (38, 726.9406744644045), +INFO : (39, 713.6728748947382), +INFO : (40, 679.4573917120695), +INFO : (41, 657.4819336280227), +INFO : (42, 670.0803908243776), +INFO : (43, 646.1022915959359), +INFO : (44, 636.8007107824087), +INFO : (45, 608.433517241478), +INFO : (46, 579.2962400317192), +INFO : (47, 554.5714635565877), +INFO : (48, 554.6385259620845), +INFO : (49, 548.8173618048429), +INFO : (50, 540.9977842465044)], +INFO : 'val_accuracy': [(1, 0.30345), +INFO : (2, 0.40556), +INFO : (3, 0.45594), +INFO : (4, 0.4911), +INFO : (5, 0.51636), +INFO : (6, 0.53912), +INFO : (7, 0.55048), +INFO : (8, 0.55964), +INFO : (9, 0.5804), +INFO : (10, 0.58678), +INFO : (11, 0.60268), +INFO : (12, 0.60548), +INFO : (13, 0.61622), +INFO : (14, 0.6227), +INFO : (15, 0.62542), +INFO : (16, 0.62686), +INFO : (17, 0.63246), +INFO : (18, 0.6395), +INFO : (19, 0.63976), +INFO : (20, 0.64366), +INFO : (21, 0.647), +INFO : (22, 0.64418), +INFO : (23, 0.64704), +INFO : (24, 0.64472), +INFO : (25, 0.6502), +INFO : (26, 0.64976), +INFO : (27, 0.64866), +INFO : (28, 0.65132), +INFO : (29, 0.65), +INFO : (30, 0.65186), +INFO : (31, 0.64758), +INFO : (32, 0.65104), +INFO : (33, 0.65234), +INFO : (34, 0.64714), +INFO : (35, 0.64738), +INFO : (36, 0.64978), +INFO : (37, 0.64474), +INFO : (38, 0.64998), +INFO : (39, 0.6455), +INFO : (40, 0.64728), +INFO : (41, 0.645), +INFO : (42, 0.64104), +INFO : (43, 0.63762), +INFO : (44, 0.63612), +INFO : (45, 0.63854), +INFO : (46, 0.63806), +INFO : (47, 0.63376), +INFO : (48, 0.6339), +INFO : (49, 0.62946), +INFO : (50, 0.62716)], +INFO : 'val_loss': [(1, 19034.32286784798), +INFO : (2, 16199.540781906246), +INFO : (3, 14897.949510688428), +INFO : (4, 14031.144365674887), +INFO : (5, 13484.561135979697), +INFO : (6, 12933.686213709925), +INFO : (7, 12546.616577685665), +INFO : (8, 12313.153972745442), +INFO : (9, 11911.00780534364), +INFO : (10, 11734.019557514584), +INFO : (11, 11351.895563792832), +INFO : (12, 11379.166459132022), +INFO : (13, 10994.9074339961), +INFO : (14, 10803.532943879321), +INFO : (15, 10823.86194018927), +INFO : (16, 10752.327209462426), +INFO : (17, 10611.890500944663), +INFO : (18, 10500.275666249123), +INFO : (19, 10513.630399151307), +INFO : (20, 10412.45806576538), +INFO : (21, 10355.414683354938), +INFO : (22, 10539.273875554987), +INFO : (23, 10474.43999001878), +INFO : (24, 10594.944930335005), +INFO : (25, 10563.6332416811), +INFO : (26, 10575.127161390106), +INFO : (27, 10722.006282523782), +INFO : (28, 10708.943139366711), +INFO : (29, 10864.272557893235), +INFO : (30, 10913.190896788055), +INFO : (31, 11138.355845309537), +INFO : (32, 11246.317654620563), +INFO : (33, 11297.543903235668), +INFO : (34, 11625.424230220147), +INFO : (35, 11764.351955124499), +INFO : (36, 12013.112226134619), +INFO : (37, 12336.637888527996), +INFO : (38, 12245.641676764693), +INFO : (39, 12576.049353703378), +INFO : (40, 12696.969255285689), +INFO : (41, 12988.283780479636), +INFO : (42, 13344.438411995245), +INFO : (43, 13748.828192178169), +INFO : (44, 14062.289329099736), +INFO : (45, 14118.007332914975), +INFO : (46, 14393.672285018009), +INFO : (47, 14809.935214394247), +INFO : (48, 15219.891474685384), +INFO : (49, 15583.425663491944), +INFO : (50, 16030.418873632878)]} +INFO : +(ClientAppActor pid=665244) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=665231) Files already downloaded and verified +(ClientAppActor pid=665234) Files already downloaded and verified [repeated 4x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=665238) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=665245) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=665242) Files already downloaded and verified [repeated 7x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..1042ccf0d3d1 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_20_151241/2024_06_20_151241_results_50_R_5_C_0.1_NOISE_4_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.1 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706041) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706025) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706030) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706025) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706030) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706025) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706029) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706025) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706044) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706025) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706044) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706025) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706044) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706025) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706026) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706044) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706029) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706029) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706027) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706029) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706025) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706029) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706044) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706027) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706041) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706027) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706041) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706025) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706041) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706025) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706023) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=706028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.1 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1271.67s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.22108), +INFO : (2, 0.38226), +INFO : (3, 0.447404), +INFO : (4, 0.488828), +INFO : (5, 0.527916), +INFO : (6, 0.545848), +INFO : (7, 0.573772), +INFO : (8, 0.589612), +INFO : (9, 0.607148), +INFO : (10, 0.622904), +INFO : (11, 0.637576), +INFO : (12, 0.648256), +INFO : (13, 0.6564), +INFO : (14, 0.668088), +INFO : (15, 0.678296), +INFO : (16, 0.693968), +INFO : (17, 0.698792), +INFO : (18, 0.71096), +INFO : (19, 0.717768), +INFO : (20, 0.725132), +INFO : (21, 0.735284), +INFO : (22, 0.736852), +INFO : (23, 0.744164), +INFO : (24, 0.751496), +INFO : (25, 0.75924), +INFO : (26, 0.767292), +INFO : (27, 0.773488), +INFO : (28, 0.781608), +INFO : (29, 0.791196), +INFO : (30, 0.796284), +INFO : (31, 0.801944), +INFO : (32, 0.807016), +INFO : (33, 0.812208), +INFO : (34, 0.81942), +INFO : (35, 0.8276), +INFO : (36, 0.828796), +INFO : (37, 0.83382), +INFO : (38, 0.840364), +INFO : (39, 0.839116), +INFO : (40, 0.844336), +INFO : (41, 0.85564), +INFO : (42, 0.850464), +INFO : (43, 0.8534), +INFO : (44, 0.867108), +INFO : (45, 0.868084), +INFO : (46, 0.873672), +INFO : (47, 0.88046), +INFO : (48, 0.878544), +INFO : (49, 0.878252), +INFO : (50, 0.8846)], +INFO : 'train_loss': [(1, 3423.7553581237794), +INFO : (2, 2632.0526517391204), +INFO : (3, 2371.7783745527267), +INFO : (4, 2216.894766378403), +INFO : (5, 2062.0813600063325), +INFO : (6, 1995.1389245152473), +INFO : (7, 1880.7449543833732), +INFO : (8, 1815.1723873376845), +INFO : (9, 1737.3753845572471), +INFO : (10, 1675.935734140873), +INFO : (11, 1610.5862054884433), +INFO : (12, 1564.2149903595448), +INFO : (13, 1525.851729476452), +INFO : (14, 1476.1731063246727), +INFO : (15, 1431.8981004297734), +INFO : (16, 1372.9978462457657), +INFO : (17, 1349.6295248031615), +INFO : (18, 1299.0663858830928), +INFO : (19, 1271.8449180603027), +INFO : (20, 1233.4297281384468), +INFO : (21, 1191.0127303361892), +INFO : (22, 1177.965425592661), +INFO : (23, 1146.440135782957), +INFO : (24, 1113.9335568189622), +INFO : (25, 1075.0122383624316), +INFO : (26, 1043.152301633358), +INFO : (27, 1017.2431727975606), +INFO : (28, 977.5426167607308), +INFO : (29, 937.9710642963648), +INFO : (30, 911.8712987452745), +INFO : (31, 885.9571277946234), +INFO : (32, 867.7113501608371), +INFO : (33, 840.2622502565384), +INFO : (34, 808.5902268454432), +INFO : (35, 775.2366107910872), +INFO : (36, 761.5007781490683), +INFO : (37, 743.7596367150545), +INFO : (38, 713.432228963077), +INFO : (39, 714.5075817644596), +INFO : (40, 692.4811515092849), +INFO : (41, 648.1799978241324), +INFO : (42, 655.8636567562819), +INFO : (43, 644.745393140614), +INFO : (44, 592.9747243240475), +INFO : (45, 584.8542431458831), +INFO : (46, 558.6265192590654), +INFO : (47, 534.4102075785398), +INFO : (48, 535.649872469157), +INFO : (49, 533.3394510470331), +INFO : (50, 505.47627590820196)], +INFO : 'val_accuracy': [(1, 0.22698), +INFO : (2, 0.38368), +INFO : (3, 0.44496), +INFO : (4, 0.48334), +INFO : (5, 0.51648), +INFO : (6, 0.53304), +INFO : (7, 0.5568), +INFO : (8, 0.57042), +INFO : (9, 0.58368), +INFO : (10, 0.5937), +INFO : (11, 0.60736), +INFO : (12, 0.6137), +INFO : (13, 0.61676), +INFO : (14, 0.62206), +INFO : (15, 0.6287), +INFO : (16, 0.63544), +INFO : (17, 0.63416), +INFO : (18, 0.63812), +INFO : (19, 0.64068), +INFO : (20, 0.64226), +INFO : (21, 0.64588), +INFO : (22, 0.6435), +INFO : (23, 0.6415), +INFO : (24, 0.64346), +INFO : (25, 0.64364), +INFO : (26, 0.64692), +INFO : (27, 0.64634), +INFO : (28, 0.64482), +INFO : (29, 0.6499), +INFO : (30, 0.6467), +INFO : (31, 0.64396), +INFO : (32, 0.64228), +INFO : (33, 0.64148), +INFO : (34, 0.64076), +INFO : (35, 0.64194), +INFO : (36, 0.6433), +INFO : (37, 0.63944), +INFO : (38, 0.6358), +INFO : (39, 0.63566), +INFO : (40, 0.6333), +INFO : (41, 0.63688), +INFO : (42, 0.63326), +INFO : (43, 0.6282), +INFO : (44, 0.63098), +INFO : (45, 0.62944), +INFO : (46, 0.62848), +INFO : (47, 0.62988), +INFO : (48, 0.62546), +INFO : (49, 0.62404), +INFO : (50, 0.62548)], +INFO : 'val_loss': [(1, 21888.807710552217), +INFO : (2, 16795.91806299612), +INFO : (3, 15211.13899270557), +INFO : (4, 14275.1332620129), +INFO : (5, 13411.287276211007), +INFO : (6, 13089.39540210932), +INFO : (7, 12468.795840357616), +INFO : (8, 12109.689405832405), +INFO : (9, 11726.309014654531), +INFO : (10, 11495.940547482272), +INFO : (11, 11202.831599026435), +INFO : (12, 11057.660297870683), +INFO : (13, 10966.86283572023), +INFO : (14, 10847.61437927823), +INFO : (15, 10714.98825964634), +INFO : (16, 10570.03974836451), +INFO : (17, 10607.044202643285), +INFO : (18, 10486.684811500501), +INFO : (19, 10497.943405898051), +INFO : (20, 10478.900825978408), +INFO : (21, 10415.957843577768), +INFO : (22, 10583.513706786522), +INFO : (23, 10667.9289035434), +INFO : (24, 10673.038112112934), +INFO : (25, 10731.611815016815), +INFO : (26, 10794.610476524773), +INFO : (27, 10874.398576952992), +INFO : (28, 10943.859792531513), +INFO : (29, 10954.789291619958), +INFO : (30, 11084.540248867923), +INFO : (31, 11299.521406832422), +INFO : (32, 11469.117309055395), +INFO : (33, 11657.184672571115), +INFO : (34, 11877.42165033509), +INFO : (35, 11944.200576831217), +INFO : (36, 12188.33604527424), +INFO : (37, 12504.217394932457), +INFO : (38, 12661.709766488239), +INFO : (39, 13083.84830204052), +INFO : (40, 13323.055738529887), +INFO : (41, 13384.979870650099), +INFO : (42, 13874.740054654161), +INFO : (43, 14135.735944734308), +INFO : (44, 14399.73711080337), +INFO : (45, 14746.345898132367), +INFO : (46, 15099.351513139067), +INFO : (47, 15375.114416086148), +INFO : (48, 15769.587628474956), +INFO : (49, 16147.269538711778), +INFO : (50, 16523.395210586372)]} +INFO : +(ClientAppActor pid=706033) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=706027) Files already downloaded and verified +(ClientAppActor pid=706030) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=706042) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=706044) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=706044) Files already downloaded and verified diff --git a/examples/app-pytorch/run_experiments_50_rounds_0.1_noise.sh b/examples/app-pytorch/run_experiments_50_rounds_0.1_noise.sh new file mode 100755 index 000000000000..e4b1f77d2726 --- /dev/null +++ b/examples/app-pytorch/run_experiments_50_rounds_0.1_noise.sh @@ -0,0 +1,27 @@ +#!/bin/bash + +# Make sure to run poetry shell first! + +date_time=$(date '+%Y_%m_%d_%H%M%S'); + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.1_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.1_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.1_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.1_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.1_NOISE_4_TRIAL.txt + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.1_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.1_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.1_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.1_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.1_NOISE_4_TRIAL.txt + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.1_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.1_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.1_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.1_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.1 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.1_NOISE_4_TRIAL.txt \ No newline at end of file From 7c8980ec8154b8f475c12107f09b5eee1fa534c5 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Fri, 21 Jun 2024 21:10:41 -0700 Subject: [PATCH 29/34] Collect data into separate lists --- .../experimental_results/summarize_results.py | 24 ++++++++++++++++--- 1 file changed, 21 insertions(+), 3 deletions(-) mode change 100644 => 100755 examples/app-pytorch/experimental_results/summarize_results.py diff --git a/examples/app-pytorch/experimental_results/summarize_results.py b/examples/app-pytorch/experimental_results/summarize_results.py old mode 100644 new mode 100755 index d8c37fc4347e..853857bca065 --- a/examples/app-pytorch/experimental_results/summarize_results.py +++ b/examples/app-pytorch/experimental_results/summarize_results.py @@ -1,3 +1,5 @@ +#!/usr/bin/env python3 + import argparse import os @@ -32,15 +34,31 @@ def get_summary(file_path: str): state = SummaryState.VAL_ACCURACY if "'val_loss'" in line: state = SummaryState.VAL_LOSS - + # Get data if state != SummaryState.NONE: tuple_str = re.findall(r"\(.*?\)", line) tuple_str = re.sub("[()]", "", tuple_str[0]) tuple = [x.strip() for x in tuple_str.split(",")] tuple = [int(tuple[0]), float(tuple[1])] - print("Hokeun! ", tuple) - + + if state == SummaryState.TRAIN_ACCURACY: + train_accuracy.append(tuple) + if state == SummaryState.TRAIN_LOSS: + train_loss.append(tuple) + if state == SummaryState.VAL_ACCURACY: + val_accuracy.append(tuple) + if state == SummaryState.VAL_LOSS: + val_loss.append(tuple) + + if "]" in line: + state = SummaryState.NONE + + + # print("Hokeun! train_accuracy: ", train_accuracy) + # print("Hokeun! train_loss: ", train_loss) + # print("Hokeun! val_accuracy: ", val_accuracy) + # print("Hokeun! val_loss: ", val_loss) # count += 1 # print("Line {}: {}".format(count, line.strip())) # if count > 10: From f0a0bd633a57c2c1f253697baeb8060e70a6e3b3 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Fri, 21 Jun 2024 21:11:19 -0700 Subject: [PATCH 30/34] Add script and results for noise 0.01 --- ...0_results_50_R_10_C_0.01_NOISE_0_TRIAL.txt | 2219 ++++++++++ ...0_results_50_R_10_C_0.01_NOISE_1_TRIAL.txt | 2196 ++++++++++ ...0_results_50_R_10_C_0.01_NOISE_2_TRIAL.txt | 2219 ++++++++++ ...0_results_50_R_10_C_0.01_NOISE_3_TRIAL.txt | 2219 ++++++++++ ...0_results_50_R_10_C_0.01_NOISE_4_TRIAL.txt | 2219 ++++++++++ ...0_results_50_R_20_C_0.01_NOISE_0_TRIAL.txt | 3807 ++++++++++++++++ ...0_results_50_R_20_C_0.01_NOISE_1_TRIAL.txt | 3801 ++++++++++++++++ ...0_results_50_R_20_C_0.01_NOISE_2_TRIAL.txt | 3751 ++++++++++++++++ ...0_results_50_R_20_C_0.01_NOISE_3_TRIAL.txt | 3804 ++++++++++++++++ ...0_results_50_R_20_C_0.01_NOISE_4_TRIAL.txt | 3812 +++++++++++++++++ ...10_results_50_R_5_C_0.01_NOISE_0_TRIAL.txt | 1471 +++++++ ...10_results_50_R_5_C_0.01_NOISE_1_TRIAL.txt | 1471 +++++++ ...10_results_50_R_5_C_0.01_NOISE_2_TRIAL.txt | 1471 +++++++ ...10_results_50_R_5_C_0.01_NOISE_3_TRIAL.txt | 1462 +++++++ ...10_results_50_R_5_C_0.01_NOISE_4_TRIAL.txt | 1462 +++++++ .../run_experiments_50_rounds_0.01_noise.sh | 27 + 16 files changed, 37411 insertions(+) create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_4_TRIAL.txt create mode 100755 examples/app-pytorch/run_experiments_50_rounds_0.01_noise.sh diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..f20611873795 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_0_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211503) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211512) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211512) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211509) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211509) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211509) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211509) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211518) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2211511) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1957.64s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.28456), +INFO : (2, 0.405848), +INFO : (3, 0.449744), +INFO : (4, 0.48607), +INFO : (5, 0.520108), +INFO : (6, 0.544582), +INFO : (7, 0.563056), +INFO : (8, 0.582332), +INFO : (9, 0.598088), +INFO : (10, 0.615898), +INFO : (11, 0.625916), +INFO : (12, 0.642268), +INFO : (13, 0.651124), +INFO : (14, 0.660044), +INFO : (15, 0.67053), +INFO : (16, 0.681182), +INFO : (17, 0.689084), +INFO : (18, 0.702812), +INFO : (19, 0.703856), +INFO : (20, 0.712306), +INFO : (21, 0.725636), +INFO : (22, 0.730654), +INFO : (23, 0.738978), +INFO : (24, 0.747006), +INFO : (25, 0.756962), +INFO : (26, 0.756518), +INFO : (27, 0.76424), +INFO : (28, 0.771208), +INFO : (29, 0.77804), +INFO : (30, 0.78643), +INFO : (31, 0.792878), +INFO : (32, 0.794658), +INFO : (33, 0.802272), +INFO : (34, 0.80966), +INFO : (35, 0.816512), +INFO : (36, 0.815524), +INFO : (37, 0.823292), +INFO : (38, 0.827748), +INFO : (39, 0.833414), +INFO : (40, 0.840126), +INFO : (41, 0.839802), +INFO : (42, 0.851062), +INFO : (43, 0.852114), +INFO : (44, 0.849446), +INFO : (45, 0.858378), +INFO : (46, 0.865368), +INFO : (47, 0.865324), +INFO : (48, 0.871372), +INFO : (49, 0.874012), +INFO : (50, 0.874294)], +INFO : 'train_loss': [(1, 3050.3628398537635), +INFO : (2, 2527.2461182355883), +INFO : (3, 2363.653400593996), +INFO : (4, 2218.6177828431128), +INFO : (5, 2087.192147731781), +INFO : (6, 1992.8147380888463), +INFO : (7, 1912.5990095436573), +INFO : (8, 1835.2602218568325), +INFO : (9, 1766.029864835739), +INFO : (10, 1695.9476674288512), +INFO : (11, 1650.199131011963), +INFO : (12, 1587.5145380824804), +INFO : (13, 1547.0522599250078), +INFO : (14, 1505.451224783063), +INFO : (15, 1463.9395111382007), +INFO : (16, 1417.809043955803), +INFO : (17, 1379.0684138804675), +INFO : (18, 1331.2555948525667), +INFO : (19, 1314.8404228180648), +INFO : (20, 1276.8327253520488), +INFO : (21, 1222.618266107142), +INFO : (22, 1199.3451339036226), +INFO : (23, 1165.0013393476606), +INFO : (24, 1128.4432850942017), +INFO : (25, 1084.8962314277887), +INFO : (26, 1082.2084445640444), +INFO : (27, 1046.4148698732256), +INFO : (28, 1017.6268754094839), +INFO : (29, 986.7041830450296), +INFO : (30, 951.5396459668875), +INFO : (31, 923.0263732433319), +INFO : (32, 909.6634704828263), +INFO : (33, 878.6545234680176), +INFO : (34, 847.3906402215362), +INFO : (35, 816.23767914325), +INFO : (36, 816.8152534216642), +INFO : (37, 785.4073120482266), +INFO : (38, 759.8183565706015), +INFO : (39, 736.2382905170322), +INFO : (40, 710.2583418369293), +INFO : (41, 704.6801502220333), +INFO : (42, 662.6886553607881), +INFO : (43, 652.6186576753855), +INFO : (44, 658.8428780257702), +INFO : (45, 623.9649471618235), +INFO : (46, 593.3512353990227), +INFO : (47, 589.104501812905), +INFO : (48, 565.8586613200605), +INFO : (49, 552.6880634319037), +INFO : (50, 547.735186028853)], +INFO : 'val_accuracy': [(1, 0.29277), +INFO : (2, 0.41083), +INFO : (3, 0.45083), +INFO : (4, 0.48308), +INFO : (5, 0.51271), +INFO : (6, 0.53337), +INFO : (7, 0.54988), +INFO : (8, 0.56523), +INFO : (9, 0.57701), +INFO : (10, 0.5908), +INFO : (11, 0.59532), +INFO : (12, 0.60639), +INFO : (13, 0.61059), +INFO : (14, 0.61547), +INFO : (15, 0.6202), +INFO : (16, 0.62514), +INFO : (17, 0.62652), +INFO : (18, 0.63351), +INFO : (19, 0.62991), +INFO : (20, 0.63101), +INFO : (21, 0.63752), +INFO : (22, 0.63675), +INFO : (23, 0.63855), +INFO : (24, 0.64112), +INFO : (25, 0.64116), +INFO : (26, 0.63887), +INFO : (27, 0.63862), +INFO : (28, 0.63882), +INFO : (29, 0.63941), +INFO : (30, 0.6414), +INFO : (31, 0.64052), +INFO : (32, 0.63613), +INFO : (33, 0.63706), +INFO : (34, 0.63605), +INFO : (35, 0.6343), +INFO : (36, 0.63082), +INFO : (37, 0.63115), +INFO : (38, 0.63011), +INFO : (39, 0.63), +INFO : (40, 0.62719), +INFO : (41, 0.6267), +INFO : (42, 0.62719), +INFO : (43, 0.62376), +INFO : (44, 0.62109), +INFO : (45, 0.62195), +INFO : (46, 0.62343), +INFO : (47, 0.62203), +INFO : (48, 0.61892), +INFO : (49, 0.6173), +INFO : (50, 0.61642)], +INFO : 'val_loss': [(1, 19415.777534739675), +INFO : (2, 16095.668980906159), +INFO : (3, 15096.544721070492), +INFO : (4, 14280.289699210229), +INFO : (5, 13525.113334165), +INFO : (6, 13021.831914189735), +INFO : (7, 12614.471413204434), +INFO : (8, 12235.17066435979), +INFO : (9, 11898.244176039401), +INFO : (10, 11577.998417110446), +INFO : (11, 11420.9735260455), +INFO : (12, 11168.245718433036), +INFO : (13, 11088.64403526976), +INFO : (14, 10988.57786602205), +INFO : (15, 10913.176768455798), +INFO : (16, 10778.170209398391), +INFO : (17, 10738.74149263401), +INFO : (18, 10597.156908748559), +INFO : (19, 10721.10022764707), +INFO : (20, 10752.617837287975), +INFO : (21, 10581.610744980198), +INFO : (22, 10659.483333337017), +INFO : (23, 10670.322717029092), +INFO : (24, 10713.243060369232), +INFO : (25, 10721.260556403742), +INFO : (26, 10980.479203862527), +INFO : (27, 11031.81240512486), +INFO : (28, 11128.292933039036), +INFO : (29, 11181.815832494221), +INFO : (30, 11314.003207954096), +INFO : (31, 11368.567307150917), +INFO : (32, 11677.90564229379), +INFO : (33, 11774.590975481535), +INFO : (34, 11911.136982223743), +INFO : (35, 12106.75467376187), +INFO : (36, 12437.180905220957), +INFO : (37, 12680.37982928413), +INFO : (38, 12920.760413111486), +INFO : (39, 13169.169052397376), +INFO : (40, 13316.657321602706), +INFO : (41, 13679.20773856537), +INFO : (42, 13807.331867929108), +INFO : (43, 14214.317669575821), +INFO : (44, 14541.106738996215), +INFO : (45, 14839.086385063614), +INFO : (46, 15217.23781046374), +INFO : (47, 15617.6793430525), +INFO : (48, 15788.21697117403), +INFO : (49, 16105.947467179032), +INFO : (50, 16644.676070232083)]} +INFO : +(ClientAppActor pid=2211517) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2211509) Files already downloaded and verified +(ClientAppActor pid=2211515) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=2211517) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..ee727227c8f6 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_1_TRIAL.txt @@ -0,0 +1,2196 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 10) +(ClientAppActor pid=2248037) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248040) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248040) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248039) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248042) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2248043) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1965.69s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.28869), +INFO : (2, 0.389362), +INFO : (3, 0.450112), +INFO : (4, 0.4867), +INFO : (5, 0.515544), +INFO : (6, 0.546902), +INFO : (7, 0.569692), +INFO : (8, 0.592058), +INFO : (9, 0.603308), +INFO : (10, 0.618906), +INFO : (11, 0.635296), +INFO : (12, 0.643584), +INFO : (13, 0.660714), +INFO : (14, 0.67348), +INFO : (15, 0.679842), +INFO : (16, 0.690802), +INFO : (17, 0.701812), +INFO : (18, 0.711378), +INFO : (19, 0.718834), +INFO : (20, 0.728268), +INFO : (21, 0.736068), +INFO : (22, 0.740716), +INFO : (23, 0.753062), +INFO : (24, 0.756926), +INFO : (25, 0.76379), +INFO : (26, 0.771224), +INFO : (27, 0.777164), +INFO : (28, 0.780838), +INFO : (29, 0.786994), +INFO : (30, 0.791688), +INFO : (31, 0.796912), +INFO : (32, 0.81012), +INFO : (33, 0.80769), +INFO : (34, 0.815518), +INFO : (35, 0.821864), +INFO : (36, 0.825094), +INFO : (37, 0.83205), +INFO : (38, 0.831368), +INFO : (39, 0.843922), +INFO : (40, 0.847376), +INFO : (41, 0.85217), +INFO : (42, 0.84749), +INFO : (43, 0.858046), +INFO : (44, 0.864292), +INFO : (45, 0.856304), +INFO : (46, 0.866556), +INFO : (47, 0.870512), +INFO : (48, 0.868814), +INFO : (49, 0.875934), +INFO : (50, 0.881372)], +INFO : 'train_loss': [(1, 3102.215359866619), +INFO : (2, 2602.6734434485434), +INFO : (3, 2356.474449658394), +INFO : (4, 2215.9695419967175), +INFO : (5, 2089.638365662098), +INFO : (6, 1976.0631447851658), +INFO : (7, 1887.8724644303322), +INFO : (8, 1797.2273729741573), +INFO : (9, 1750.6260971605777), +INFO : (10, 1682.895119035244), +INFO : (11, 1614.7929877132178), +INFO : (12, 1578.31882815063), +INFO : (13, 1510.8042084246874), +INFO : (14, 1453.491590166092), +INFO : (15, 1420.8578061014414), +INFO : (16, 1373.7612573981285), +INFO : (17, 1327.5867481678724), +INFO : (18, 1289.159529492259), +INFO : (19, 1258.0364657521247), +INFO : (20, 1214.8796441972256), +INFO : (21, 1181.6306108728052), +INFO : (22, 1158.1730639725924), +INFO : (23, 1107.1800296321512), +INFO : (24, 1088.5728798270225), +INFO : (25, 1056.0578784152865), +INFO : (26, 1028.1563733562828), +INFO : (27, 995.8673742249608), +INFO : (28, 977.3571794256568), +INFO : (29, 953.6605482667685), +INFO : (30, 930.7814513280988), +INFO : (31, 907.8131552428007), +INFO : (32, 856.5940793454647), +INFO : (33, 856.3977915376424), +INFO : (34, 822.7366334736347), +INFO : (35, 795.7555219866335), +INFO : (36, 780.3920793697238), +INFO : (37, 751.1779353126883), +INFO : (38, 748.2964358918368), +INFO : (39, 700.3268882110715), +INFO : (40, 683.1977002218366), +INFO : (41, 662.217533300817), +INFO : (42, 672.254990708828), +INFO : (43, 633.3670242004097), +INFO : (44, 606.9087057843805), +INFO : (45, 629.8047186877578), +INFO : (46, 591.4277083456516), +INFO : (47, 570.9510263048112), +INFO : (48, 575.7242913912982), +INFO : (49, 544.3919793497771), +INFO : (50, 523.2676348719746)], +INFO : 'val_accuracy': [(1, 0.29195), +INFO : (2, 0.39139), +INFO : (3, 0.45135), +INFO : (4, 0.48599), +INFO : (5, 0.50832), +INFO : (6, 0.53651), +INFO : (7, 0.55419), +INFO : (8, 0.57081), +INFO : (9, 0.57983), +INFO : (10, 0.59108), +INFO : (11, 0.60313), +INFO : (12, 0.60699), +INFO : (13, 0.61698), +INFO : (14, 0.62477), +INFO : (15, 0.62516), +INFO : (16, 0.62942), +INFO : (17, 0.63329), +INFO : (18, 0.63691), +INFO : (19, 0.63821), +INFO : (20, 0.64188), +INFO : (21, 0.6433), +INFO : (22, 0.64317), +INFO : (23, 0.64666), +INFO : (24, 0.64525), +INFO : (25, 0.64583), +INFO : (26, 0.64527), +INFO : (27, 0.64716), +INFO : (28, 0.64455), +INFO : (29, 0.64367), +INFO : (30, 0.64277), +INFO : (31, 0.64136), +INFO : (32, 0.64448), +INFO : (33, 0.64046), +INFO : (34, 0.64194), +INFO : (35, 0.63999), +INFO : (36, 0.64048), +INFO : (37, 0.63927), +INFO : (38, 0.63395), +INFO : (39, 0.63571), +INFO : (40, 0.63514), +INFO : (41, 0.63602), +INFO : (42, 0.63006), +INFO : (43, 0.63171), +INFO : (44, 0.63199), +INFO : (45, 0.62696), +INFO : (46, 0.62685), +INFO : (47, 0.62664), +INFO : (48, 0.62298), +INFO : (49, 0.6249), +INFO : (50, 0.62464)], +INFO : 'val_loss': [(1, 19829.12215963006), +INFO : (2, 16581.482165310157), +INFO : (3, 15056.140583236702), +INFO : (4, 14252.072404203936), +INFO : (5, 13571.706803585725), +INFO : (6, 12944.508521891212), +INFO : (7, 12512.269264639415), +INFO : (8, 12075.626997588455), +INFO : (9, 11880.600242799528), +INFO : (10, 11598.003128928907), +INFO : (11, 11326.824225540151), +INFO : (12, 11276.081122947067), +INFO : (13, 10996.82509197175), +INFO : (14, 10817.312476159112), +INFO : (15, 10791.117947322025), +INFO : (16, 10684.540909497495), +INFO : (17, 10588.17889583102), +INFO : (18, 10558.094637805936), +INFO : (19, 10565.551406198063), +INFO : (20, 10529.762712240174), +INFO : (21, 10516.754314969097), +INFO : (22, 10595.339096402093), +INFO : (23, 10532.479881429623), +INFO : (24, 10632.60039034935), +INFO : (25, 10725.281735319662), +INFO : (26, 10733.699745441154), +INFO : (27, 10845.987861620011), +INFO : (28, 10976.855805120562), +INFO : (29, 11092.905845463847), +INFO : (30, 11183.6690082469), +INFO : (31, 11335.458610157108), +INFO : (32, 11338.597980783641), +INFO : (33, 11758.896313792715), +INFO : (34, 11851.695538538394), +INFO : (35, 12022.908388471184), +INFO : (36, 12172.711816328683), +INFO : (37, 12399.461413257779), +INFO : (38, 12763.304549296057), +INFO : (39, 12737.867251638958), +INFO : (40, 13065.04781818057), +INFO : (41, 13277.148810480903), +INFO : (42, 13757.08239641186), +INFO : (43, 13935.19196119921), +INFO : (44, 14025.479754701177), +INFO : (45, 14656.997452089552), +INFO : (46, 14737.615760697578), +INFO : (47, 15082.881220815914), +INFO : (48, 15513.55177690791), +INFO : (49, 15848.34837521023), +INFO : (50, 16120.201667655114)]} +INFO : +(ClientAppActor pid=2248050) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2248037) Files already downloaded and verified +(ClientAppActor pid=2248041) Files already downloaded and verified [repeated 4x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2248049) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=2248060) Files already downloaded and verified [repeated 7x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..2d605dcf9999 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_2_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285022) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285022) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285018) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285022) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285029) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285029) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285029) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285024) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285022) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285021) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2285018) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1970.11s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.255534), +INFO : (2, 0.377078), +INFO : (3, 0.453282), +INFO : (4, 0.489994), +INFO : (5, 0.52549), +INFO : (6, 0.552908), +INFO : (7, 0.571534), +INFO : (8, 0.593016), +INFO : (9, 0.608664), +INFO : (10, 0.625426), +INFO : (11, 0.638368), +INFO : (12, 0.654024), +INFO : (13, 0.665068), +INFO : (14, 0.676396), +INFO : (15, 0.681938), +INFO : (16, 0.693032), +INFO : (17, 0.705126), +INFO : (18, 0.71271), +INFO : (19, 0.725666), +INFO : (20, 0.732972), +INFO : (21, 0.743476), +INFO : (22, 0.749236), +INFO : (23, 0.7595), +INFO : (24, 0.765318), +INFO : (25, 0.770586), +INFO : (26, 0.777904), +INFO : (27, 0.78069), +INFO : (28, 0.789176), +INFO : (29, 0.797316), +INFO : (30, 0.799204), +INFO : (31, 0.807194), +INFO : (32, 0.809648), +INFO : (33, 0.819876), +INFO : (34, 0.822476), +INFO : (35, 0.83512), +INFO : (36, 0.834402), +INFO : (37, 0.838072), +INFO : (38, 0.843794), +INFO : (39, 0.847234), +INFO : (40, 0.854918), +INFO : (41, 0.854602), +INFO : (42, 0.857052), +INFO : (43, 0.870798), +INFO : (44, 0.867364), +INFO : (45, 0.868598), +INFO : (46, 0.877948), +INFO : (47, 0.87782), +INFO : (48, 0.882546), +INFO : (49, 0.883452), +INFO : (50, 0.887478)], +INFO : 'train_loss': [(1, 3267.171902966499), +INFO : (2, 2678.329370522499), +INFO : (3, 2345.557605665922), +INFO : (4, 2203.6922748446464), +INFO : (5, 2065.8617332160475), +INFO : (6, 1950.6210397303105), +INFO : (7, 1878.8588758587837), +INFO : (8, 1789.856132978201), +INFO : (9, 1726.8223867058755), +INFO : (10, 1649.064224487543), +INFO : (11, 1594.7541073054076), +INFO : (12, 1531.7630128353835), +INFO : (13, 1480.41234549284), +INFO : (14, 1433.5103173226119), +INFO : (15, 1409.7083584070206), +INFO : (16, 1358.7593730986118), +INFO : (17, 1310.6646681576967), +INFO : (18, 1276.4077626883984), +INFO : (19, 1222.675766915083), +INFO : (20, 1191.5974427178503), +INFO : (21, 1147.3637817770243), +INFO : (22, 1118.4143379420043), +INFO : (23, 1074.8426859080791), +INFO : (24, 1048.1791320711375), +INFO : (25, 1025.587407679856), +INFO : (26, 992.4418726950884), +INFO : (27, 979.6043433830142), +INFO : (28, 940.4664550125599), +INFO : (29, 909.02861058712), +INFO : (30, 896.5554686799645), +INFO : (31, 860.6492269054055), +INFO : (32, 847.2231312297284), +INFO : (33, 805.5251456350088), +INFO : (34, 785.627934961021), +INFO : (35, 742.5336487367749), +INFO : (36, 737.6472121432423), +INFO : (37, 718.9167227558792), +INFO : (38, 693.0254315234721), +INFO : (39, 678.5735507413744), +INFO : (40, 645.3834906384349), +INFO : (41, 641.9575082406402), +INFO : (42, 628.3101208984851), +INFO : (43, 578.2401531778276), +INFO : (44, 584.6077070802451), +INFO : (45, 576.7172645762563), +INFO : (46, 539.8473101615906), +INFO : (47, 534.2850281640888), +INFO : (48, 516.8288141015917), +INFO : (49, 510.4410049647093), +INFO : (50, 493.1167456720024)], +INFO : 'val_accuracy': [(1, 0.25838), +INFO : (2, 0.37735), +INFO : (3, 0.44932), +INFO : (4, 0.4839), +INFO : (5, 0.51514), +INFO : (6, 0.54131), +INFO : (7, 0.55839), +INFO : (8, 0.57784), +INFO : (9, 0.58883), +INFO : (10, 0.60244), +INFO : (11, 0.6109), +INFO : (12, 0.62037), +INFO : (13, 0.62766), +INFO : (14, 0.63171), +INFO : (15, 0.635), +INFO : (16, 0.64038), +INFO : (17, 0.64747), +INFO : (18, 0.64836), +INFO : (19, 0.65447), +INFO : (20, 0.65568), +INFO : (21, 0.65956), +INFO : (22, 0.6597), +INFO : (23, 0.66196), +INFO : (24, 0.66246), +INFO : (25, 0.66232), +INFO : (26, 0.66239), +INFO : (27, 0.66033), +INFO : (28, 0.66201), +INFO : (29, 0.66153), +INFO : (30, 0.65994), +INFO : (31, 0.66063), +INFO : (32, 0.66118), +INFO : (33, 0.66011), +INFO : (34, 0.66004), +INFO : (35, 0.6599), +INFO : (36, 0.65807), +INFO : (37, 0.6548), +INFO : (38, 0.65676), +INFO : (39, 0.65518), +INFO : (40, 0.65606), +INFO : (41, 0.65197), +INFO : (42, 0.65068), +INFO : (43, 0.65219), +INFO : (44, 0.64758), +INFO : (45, 0.64554), +INFO : (46, 0.64587), +INFO : (47, 0.64605), +INFO : (48, 0.64223), +INFO : (49, 0.64253), +INFO : (50, 0.64014)], +INFO : 'val_loss': [(1, 20862.269912099837), +INFO : (2, 17047.560157503936), +INFO : (3, 15025.721937786227), +INFO : (4, 14182.91960828849), +INFO : (5, 13379.596490002703), +INFO : (6, 12746.94446811222), +INFO : (7, 12371.657862381002), +INFO : (8, 11904.439871217919), +INFO : (9, 11635.405530371641), +INFO : (10, 11261.731583026432), +INFO : (11, 11056.575799721353), +INFO : (12, 10797.616964718405), +INFO : (13, 10625.91638238554), +INFO : (14, 10498.173577112719), +INFO : (15, 10483.889610184815), +INFO : (16, 10342.247801521435), +INFO : (17, 10202.253505996367), +INFO : (18, 10164.67475907851), +INFO : (19, 10030.290450852845), +INFO : (20, 10060.94753589869), +INFO : (21, 9926.33680617824), +INFO : (22, 10004.7009780103), +INFO : (23, 9957.359922641393), +INFO : (24, 10011.915914551273), +INFO : (25, 10097.474428282438), +INFO : (26, 10126.990018438632), +INFO : (27, 10318.830407102592), +INFO : (28, 10304.2038707739), +INFO : (29, 10452.301441252777), +INFO : (30, 10569.194647332728), +INFO : (31, 10687.955962103342), +INFO : (32, 10879.540691358674), +INFO : (33, 10959.464220244103), +INFO : (34, 11123.41537040035), +INFO : (35, 11217.400352558221), +INFO : (36, 11451.039711709656), +INFO : (37, 11763.289215203857), +INFO : (38, 11946.014140563795), +INFO : (39, 12202.64029920886), +INFO : (40, 12317.420796569271), +INFO : (41, 12687.933522188048), +INFO : (42, 13113.524467900206), +INFO : (43, 13066.55264487893), +INFO : (44, 13611.344802704873), +INFO : (45, 13904.95397596227), +INFO : (46, 14145.906094882565), +INFO : (47, 14619.959104332967), +INFO : (48, 14875.615422547873), +INFO : (49, 15294.895955213835), +INFO : (50, 15519.996888680178)]} +INFO : +(ClientAppActor pid=2285020) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2285019) Files already downloaded and verified +(ClientAppActor pid=2285032) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=2285031) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..4583d1856a46 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_3_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322940) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322940) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322948) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322954) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322948) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322947) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322954) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322954) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322953) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322948) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322948) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322940) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322954) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322948) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322948) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322948) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322948) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322948) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322948) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322948) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322942) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2322947) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1980.77s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.246876), +INFO : (2, 0.363042), +INFO : (3, 0.441384), +INFO : (4, 0.476154), +INFO : (5, 0.512868), +INFO : (6, 0.542792), +INFO : (7, 0.563886), +INFO : (8, 0.580798), +INFO : (9, 0.601282), +INFO : (10, 0.615048), +INFO : (11, 0.628934), +INFO : (12, 0.639992), +INFO : (13, 0.650446), +INFO : (14, 0.663188), +INFO : (15, 0.673484), +INFO : (16, 0.682138), +INFO : (17, 0.691), +INFO : (18, 0.695346), +INFO : (19, 0.706214), +INFO : (20, 0.715642), +INFO : (21, 0.724294), +INFO : (22, 0.729954), +INFO : (23, 0.737618), +INFO : (24, 0.746104), +INFO : (25, 0.753104), +INFO : (26, 0.755448), +INFO : (27, 0.763326), +INFO : (28, 0.768272), +INFO : (29, 0.777382), +INFO : (30, 0.783118), +INFO : (31, 0.788842), +INFO : (32, 0.79399), +INFO : (33, 0.797872), +INFO : (34, 0.808442), +INFO : (35, 0.808656), +INFO : (36, 0.816786), +INFO : (37, 0.82303), +INFO : (38, 0.823882), +INFO : (39, 0.82983), +INFO : (40, 0.831752), +INFO : (41, 0.842556), +INFO : (42, 0.841462), +INFO : (43, 0.846974), +INFO : (44, 0.844502), +INFO : (45, 0.855866), +INFO : (46, 0.857876), +INFO : (47, 0.863684), +INFO : (48, 0.861006), +INFO : (49, 0.87311), +INFO : (50, 0.873058)], +INFO : 'train_loss': [(1, 3270.302379357815), +INFO : (2, 2731.5559293985366), +INFO : (3, 2393.3439379692077), +INFO : (4, 2259.723901450634), +INFO : (5, 2108.2575462937357), +INFO : (6, 1992.424570721388), +INFO : (7, 1909.555988729), +INFO : (8, 1842.4857722103595), +INFO : (9, 1761.6146505773067), +INFO : (10, 1703.6208130061627), +INFO : (11, 1650.349286365509), +INFO : (12, 1598.7704648911954), +INFO : (13, 1554.3171244949103), +INFO : (14, 1499.6519133776426), +INFO : (15, 1453.5248645037414), +INFO : (16, 1411.9795532405376), +INFO : (17, 1376.2337025731802), +INFO : (18, 1350.7006784290074), +INFO : (19, 1308.0655120357872), +INFO : (20, 1263.8984048932791), +INFO : (21, 1227.390084645152), +INFO : (22, 1201.5350258469582), +INFO : (23, 1171.5517580538988), +INFO : (24, 1131.9607111737132), +INFO : (25, 1103.3896912664175), +INFO : (26, 1087.1085127577185), +INFO : (27, 1055.6394208028912), +INFO : (28, 1030.7783713638783), +INFO : (29, 992.8312576726079), +INFO : (30, 971.2782487407327), +INFO : (31, 942.8365422144532), +INFO : (32, 920.2683099076152), +INFO : (33, 898.279033818841), +INFO : (34, 860.0713467225432), +INFO : (35, 852.330307932198), +INFO : (36, 817.1785848908127), +INFO : (37, 790.6610511176289), +INFO : (38, 782.6728985004127), +INFO : (39, 758.8025026015937), +INFO : (40, 743.8137922286987), +INFO : (41, 704.8075574442744), +INFO : (42, 699.8166505627335), +INFO : (43, 675.6956924207509), +INFO : (44, 684.3159119453281), +INFO : (45, 638.2349515736103), +INFO : (46, 626.3248692847789), +INFO : (47, 602.885850982368), +INFO : (48, 608.0073896098882), +INFO : (49, 561.2152930311859), +INFO : (50, 558.2512249227614)], +INFO : 'val_accuracy': [(1, 0.25198), +INFO : (2, 0.36806), +INFO : (3, 0.44303), +INFO : (4, 0.47604), +INFO : (5, 0.50859), +INFO : (6, 0.53144), +INFO : (7, 0.54765), +INFO : (8, 0.5588), +INFO : (9, 0.57363), +INFO : (10, 0.58249), +INFO : (11, 0.59271), +INFO : (12, 0.59845), +INFO : (13, 0.60381), +INFO : (14, 0.61199), +INFO : (15, 0.61615), +INFO : (16, 0.61945), +INFO : (17, 0.62362), +INFO : (18, 0.62395), +INFO : (19, 0.62518), +INFO : (20, 0.62895), +INFO : (21, 0.6318), +INFO : (22, 0.63018), +INFO : (23, 0.63121), +INFO : (24, 0.6338), +INFO : (25, 0.63535), +INFO : (26, 0.63149), +INFO : (27, 0.63243), +INFO : (28, 0.63166), +INFO : (29, 0.63352), +INFO : (30, 0.63241), +INFO : (31, 0.63272), +INFO : (32, 0.62978), +INFO : (33, 0.62867), +INFO : (34, 0.62786), +INFO : (35, 0.62726), +INFO : (36, 0.62705), +INFO : (37, 0.62693), +INFO : (38, 0.62298), +INFO : (39, 0.62239), +INFO : (40, 0.62199), +INFO : (41, 0.62397), +INFO : (42, 0.62068), +INFO : (43, 0.61965), +INFO : (44, 0.61466), +INFO : (45, 0.61846), +INFO : (46, 0.61755), +INFO : (47, 0.61414), +INFO : (48, 0.61289), +INFO : (49, 0.61427), +INFO : (50, 0.61378)], +INFO : 'val_loss': [(1, 20854.687089230123), +INFO : (2, 17374.917651335152), +INFO : (3, 15275.888901375978), +INFO : (4, 14499.334944233578), +INFO : (5, 13633.547185779104), +INFO : (6, 13054.84474363377), +INFO : (7, 12638.59127443285), +INFO : (8, 12359.109573327612), +INFO : (9, 11961.35586100598), +INFO : (10, 11749.828355606249), +INFO : (11, 11565.800825787313), +INFO : (12, 11381.688608832577), +INFO : (13, 11252.438161043574), +INFO : (14, 11050.223108773183), +INFO : (15, 10949.246042432498), +INFO : (16, 10876.91213272939), +INFO : (17, 10842.387836829705), +INFO : (18, 10847.087353168456), +INFO : (19, 10808.334537392871), +INFO : (20, 10716.603942013073), +INFO : (21, 10722.647623539413), +INFO : (22, 10747.448507675706), +INFO : (23, 10784.027050154515), +INFO : (24, 10807.928822175281), +INFO : (25, 10861.90218093877), +INFO : (26, 11025.985690632795), +INFO : (27, 11122.21257192831), +INFO : (28, 11222.977834696005), +INFO : (29, 11204.75896610643), +INFO : (30, 11426.618764573397), +INFO : (31, 11548.044514336932), +INFO : (32, 11688.264497429745), +INFO : (33, 11884.060043412777), +INFO : (34, 11918.61705973687), +INFO : (35, 12164.24365604781), +INFO : (36, 12295.340035637413), +INFO : (37, 12479.323356834533), +INFO : (38, 12826.950117417398), +INFO : (39, 12955.5738968505), +INFO : (40, 13333.810477242196), +INFO : (41, 13305.120513465079), +INFO : (42, 13733.001073188816), +INFO : (43, 13975.857370395244), +INFO : (44, 14413.13032411063), +INFO : (45, 14470.647609056252), +INFO : (46, 14919.860728013296), +INFO : (47, 15152.516949410883), +INFO : (48, 15594.95379458711), +INFO : (49, 15729.273517171872), +INFO : (50, 16043.284574029456)]} +INFO : +(ClientAppActor pid=2322955) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2322940) Files already downloaded and verified +(ClientAppActor pid=2322953) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=2322954) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..905f9b46600b --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_10_C_0.01_NOISE_4_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360152) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360152) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360152) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360152) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360150) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360155) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360160) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360152) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360157) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360158) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2360152) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1962.61s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.234742), +INFO : (2, 0.350154), +INFO : (3, 0.44116), +INFO : (4, 0.48786), +INFO : (5, 0.515174), +INFO : (6, 0.540634), +INFO : (7, 0.568398), +INFO : (8, 0.590018), +INFO : (9, 0.604208), +INFO : (10, 0.622076), +INFO : (11, 0.637526), +INFO : (12, 0.649464), +INFO : (13, 0.662752), +INFO : (14, 0.673598), +INFO : (15, 0.683532), +INFO : (16, 0.691774), +INFO : (17, 0.702736), +INFO : (18, 0.709308), +INFO : (19, 0.719746), +INFO : (20, 0.727546), +INFO : (21, 0.734646), +INFO : (22, 0.746248), +INFO : (23, 0.752224), +INFO : (24, 0.756772), +INFO : (25, 0.76524), +INFO : (26, 0.773822), +INFO : (27, 0.778572), +INFO : (28, 0.785416), +INFO : (29, 0.789984), +INFO : (30, 0.799294), +INFO : (31, 0.799312), +INFO : (32, 0.807104), +INFO : (33, 0.816658), +INFO : (34, 0.818094), +INFO : (35, 0.82407), +INFO : (36, 0.831332), +INFO : (37, 0.835426), +INFO : (38, 0.843304), +INFO : (39, 0.844734), +INFO : (40, 0.853086), +INFO : (41, 0.855522), +INFO : (42, 0.856412), +INFO : (43, 0.86314), +INFO : (44, 0.870798), +INFO : (45, 0.874362), +INFO : (46, 0.873726), +INFO : (47, 0.877268), +INFO : (48, 0.8803), +INFO : (49, 0.883438), +INFO : (50, 0.887958)], +INFO : 'train_loss': [(1, 3356.7091737031938), +INFO : (2, 2806.9052778840064), +INFO : (3, 2413.455000889301), +INFO : (4, 2223.043910986185), +INFO : (5, 2103.0811792135237), +INFO : (6, 2006.3035580515862), +INFO : (7, 1893.2252915382385), +INFO : (8, 1802.6965202271938), +INFO : (9, 1741.7157335817815), +INFO : (10, 1671.853357845545), +INFO : (11, 1604.9427215516566), +INFO : (12, 1555.3806292682887), +INFO : (13, 1502.8159627437592), +INFO : (14, 1458.0503735631705), +INFO : (15, 1410.7153478503228), +INFO : (16, 1372.6495374917984), +INFO : (17, 1327.204721930623), +INFO : (18, 1294.599355366826), +INFO : (19, 1246.3114027351141), +INFO : (20, 1217.7431508809327), +INFO : (21, 1180.6948752105236), +INFO : (22, 1136.1283009186386), +INFO : (23, 1107.3736361443996), +INFO : (24, 1085.0796944215895), +INFO : (25, 1051.2460691124202), +INFO : (26, 1012.0700049042701), +INFO : (27, 990.8144159764051), +INFO : (28, 961.5595574185252), +INFO : (29, 940.1524002015591), +INFO : (30, 900.6966800808907), +INFO : (31, 894.4040809355677), +INFO : (32, 862.4667990162968), +INFO : (33, 827.0299973748624), +INFO : (34, 812.3953685872257), +INFO : (35, 787.3261741816998), +INFO : (36, 751.3491690829396), +INFO : (37, 734.9084807984531), +INFO : (38, 704.904126792401), +INFO : (39, 690.8327799715101), +INFO : (40, 658.9724427081644), +INFO : (41, 645.1393694609403), +INFO : (42, 635.8260457403958), +INFO : (43, 606.7484165012836), +INFO : (44, 580.7908239286393), +INFO : (45, 563.1113225713373), +INFO : (46, 558.4902964413166), +INFO : (47, 541.9120774030686), +INFO : (48, 529.4894756674767), +INFO : (49, 513.2335577700287), +INFO : (50, 492.91797857806085)], +INFO : 'val_accuracy': [(1, 0.23881), +INFO : (2, 0.35293), +INFO : (3, 0.44013), +INFO : (4, 0.48442), +INFO : (5, 0.50816), +INFO : (6, 0.52969), +INFO : (7, 0.55302), +INFO : (8, 0.57166), +INFO : (9, 0.58103), +INFO : (10, 0.59319), +INFO : (11, 0.60494), +INFO : (12, 0.60841), +INFO : (13, 0.6176), +INFO : (14, 0.62263), +INFO : (15, 0.6267), +INFO : (16, 0.62924), +INFO : (17, 0.63375), +INFO : (18, 0.63661), +INFO : (19, 0.63991), +INFO : (20, 0.64068), +INFO : (21, 0.64291), +INFO : (22, 0.64786), +INFO : (23, 0.64649), +INFO : (24, 0.64557), +INFO : (25, 0.64647), +INFO : (26, 0.64644), +INFO : (27, 0.64565), +INFO : (28, 0.64631), +INFO : (29, 0.64558), +INFO : (30, 0.64497), +INFO : (31, 0.64101), +INFO : (32, 0.64059), +INFO : (33, 0.64166), +INFO : (34, 0.63959), +INFO : (35, 0.63711), +INFO : (36, 0.63811), +INFO : (37, 0.63791), +INFO : (38, 0.63599), +INFO : (39, 0.63338), +INFO : (40, 0.63317), +INFO : (41, 0.63071), +INFO : (42, 0.62912), +INFO : (43, 0.62652), +INFO : (44, 0.62828), +INFO : (45, 0.62702), +INFO : (46, 0.62652), +INFO : (47, 0.62529), +INFO : (48, 0.62282), +INFO : (49, 0.62086), +INFO : (50, 0.62221)], +INFO : 'val_loss': [(1, 21405.888411682845), +INFO : (2, 17899.839973374084), +INFO : (3, 15431.065131290814), +INFO : (4, 14286.170004712067), +INFO : (5, 13622.249480771085), +INFO : (6, 13123.917321538936), +INFO : (7, 12517.247810119197), +INFO : (8, 12049.519085000766), +INFO : (9, 11789.705056002558), +INFO : (10, 11495.961901125514), +INFO : (11, 11223.281852565638), +INFO : (12, 11087.668045752253), +INFO : (13, 10896.779185385349), +INFO : (14, 10768.638907000679), +INFO : (15, 10683.005219342489), +INFO : (16, 10667.494156615568), +INFO : (17, 10591.078617044674), +INFO : (18, 10588.101920922956), +INFO : (19, 10495.480660609743), +INFO : (20, 10511.88576029945), +INFO : (21, 10540.045308686593), +INFO : (22, 10482.889223908567), +INFO : (23, 10615.0996557853), +INFO : (24, 10667.433883169511), +INFO : (25, 10760.893432177014), +INFO : (26, 10808.475369042933), +INFO : (27, 10948.1852350502), +INFO : (28, 11006.159462132639), +INFO : (29, 11190.401495003272), +INFO : (30, 11261.471985251055), +INFO : (31, 11531.974924977414), +INFO : (32, 11659.95857607525), +INFO : (33, 11729.916367574815), +INFO : (34, 12023.079934134877), +INFO : (35, 12251.127022704086), +INFO : (36, 12352.550232758256), +INFO : (37, 12646.017289634308), +INFO : (38, 12777.276354493519), +INFO : (39, 13081.89474414591), +INFO : (40, 13323.341333156048), +INFO : (41, 13669.333251328924), +INFO : (42, 13950.594812541658), +INFO : (43, 14193.00610327559), +INFO : (44, 14398.820483934885), +INFO : (45, 14672.603316816534), +INFO : (46, 15061.067239431797), +INFO : (47, 15625.30836917486), +INFO : (48, 15894.565129159699), +INFO : (49, 16224.089260908484), +INFO : (50, 16560.92786387975)]} +INFO : +(ClientAppActor pid=2360159) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2360152) Files already downloaded and verified +(ClientAppActor pid=2360161) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=2360164) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..772353c2d869 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_0_TRIAL.txt @@ -0,0 +1,3807 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396855) INFO : Starting training... +(ClientAppActor pid=2396854) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2396844) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... +(ClientAppActor pid=2396846) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396854) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396855) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396851) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396842) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2396845) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... +(ClientAppActor pid=2396850) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2396842) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396849) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396846) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396851) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396849) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396857) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396850) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396851) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396856) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396844) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396847) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... +(ClientAppActor pid=2396845) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2396857) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... +(ClientAppActor pid=2396854) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2396848) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396857) INFO : Starting training... +(ClientAppActor pid=2396845) INFO : Starting training... +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396847) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396852) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396856) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396849) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... +(ClientAppActor pid=2396854) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2396846) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396854) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396845) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396854) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396846) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396845) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396846) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396848) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396855) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396842) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396854) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396842) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396856) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61976 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396850) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396852) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396850) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... +(ClientAppActor pid=2396855) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396851) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396844) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396854) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396856) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61974 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396850) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396846) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396853) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396842) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396842) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396857) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396848) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396849) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396848) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396849) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61973 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396849) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396844) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... +(ClientAppActor pid=2396857) INFO : Starting training... +(ClientAppActor pid=2396849) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396853) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396851) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396854) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396853) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2396842) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396847) INFO : Starting training... +(ClientAppActor pid=2396851) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396855) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2396847) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2396843) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2396845) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3141.48s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.183375), +INFO : (2, 0.352384), +INFO : (3, 0.417978), +INFO : (4, 0.460212), +INFO : (5, 0.494017), +INFO : (6, 0.521517), +INFO : (7, 0.548971), +INFO : (8, 0.569895), +INFO : (9, 0.586247), +INFO : (10, 0.603513), +INFO : (11, 0.616862), +INFO : (12, 0.630947), +INFO : (13, 0.643432), +INFO : (14, 0.654855), +INFO : (15, 0.666902), +INFO : (16, 0.672722), +INFO : (17, 0.683067), +INFO : (18, 0.691985), +INFO : (19, 0.702427), +INFO : (20, 0.711401), +INFO : (21, 0.721106), +INFO : (22, 0.728962), +INFO : (23, 0.737416), +INFO : (24, 0.742293), +INFO : (25, 0.754442), +INFO : (26, 0.759856), +INFO : (27, 0.767407), +INFO : (28, 0.775479), +INFO : (29, 0.781589), +INFO : (30, 0.786235), +INFO : (31, 0.793847), +INFO : (32, 0.792823), +INFO : (33, 0.804557), +INFO : (34, 0.812526), +INFO : (35, 0.814288), +INFO : (36, 0.820339), +INFO : (37, 0.826163), +INFO : (38, 0.829528), +INFO : (39, 0.835158), +INFO : (40, 0.839027), +INFO : (41, 0.842166), +INFO : (42, 0.844771), +INFO : (43, 0.848141), +INFO : (44, 0.851893), +INFO : (45, 0.85727), +INFO : (46, 0.862716), +INFO : (47, 0.870669), +INFO : (48, 0.867135), +INFO : (49, 0.874069), +INFO : (50, 0.876594)], +INFO : 'train_loss': [(1, 3403.665863442421), +INFO : (2, 2757.2486307144163), +INFO : (3, 2486.7924631118776), +INFO : (4, 2323.680359980464), +INFO : (5, 2187.6906206458807), +INFO : (6, 2078.815338385105), +INFO : (7, 1970.425237289071), +INFO : (8, 1882.0808311164378), +INFO : (9, 1822.4054848998785), +INFO : (10, 1750.3988222897053), +INFO : (11, 1692.2714595556258), +INFO : (12, 1634.1153997436165), +INFO : (13, 1582.5518023505806), +INFO : (14, 1532.5931060925127), +INFO : (15, 1479.529819045961), +INFO : (16, 1449.2302938118578), +INFO : (17, 1404.9320909991861), +INFO : (18, 1368.0947535976768), +INFO : (19, 1322.1666157349944), +INFO : (20, 1283.201433803141), +INFO : (21, 1243.2095954023303), +INFO : (22, 1205.323675647378), +INFO : (23, 1168.8674937486649), +INFO : (24, 1147.3667215041817), +INFO : (25, 1096.8238528735935), +INFO : (26, 1070.4848974332212), +INFO : (27, 1038.567316109687), +INFO : (28, 1004.9778625637293), +INFO : (29, 976.9032881457358), +INFO : (30, 955.9421437717974), +INFO : (31, 924.5171932205558), +INFO : (32, 920.3627445854247), +INFO : (33, 875.3603773787618), +INFO : (34, 842.135253733024), +INFO : (35, 830.0951839774847), +INFO : (36, 801.9741543531418), +INFO : (37, 777.9958135604859), +INFO : (38, 761.2698997203261), +INFO : (39, 735.9079435613006), +INFO : (40, 717.5881063975394), +INFO : (41, 700.6543710358441), +INFO : (42, 686.6977489773184), +INFO : (43, 671.1948119677603), +INFO : (44, 655.26902667135), +INFO : (45, 632.8625324707479), +INFO : (46, 608.5251943007112), +INFO : (47, 575.9253999555483), +INFO : (48, 583.8580154735596), +INFO : (49, 556.0069032862782), +INFO : (50, 543.6224289830774)], +INFO : 'val_accuracy': [(1, 0.18576), +INFO : (2, 0.353585), +INFO : (3, 0.42021), +INFO : (4, 0.45953), +INFO : (5, 0.49035), +INFO : (6, 0.51368), +INFO : (7, 0.53756), +INFO : (8, 0.55481), +INFO : (9, 0.57009), +INFO : (10, 0.583075), +INFO : (11, 0.591025), +INFO : (12, 0.60008), +INFO : (13, 0.606595), +INFO : (14, 0.613135), +INFO : (15, 0.61905), +INFO : (16, 0.620545), +INFO : (17, 0.625085), +INFO : (18, 0.62729), +INFO : (19, 0.63172), +INFO : (20, 0.6356), +INFO : (21, 0.638935), +INFO : (22, 0.64013), +INFO : (23, 0.644065), +INFO : (24, 0.641935), +INFO : (25, 0.64681), +INFO : (26, 0.646225), +INFO : (27, 0.64666), +INFO : (28, 0.64841), +INFO : (29, 0.646585), +INFO : (30, 0.646455), +INFO : (31, 0.64602), +INFO : (32, 0.64302), +INFO : (33, 0.6432), +INFO : (34, 0.64512), +INFO : (35, 0.643505), +INFO : (36, 0.64314), +INFO : (37, 0.642305), +INFO : (38, 0.640725), +INFO : (39, 0.64049), +INFO : (40, 0.63831), +INFO : (41, 0.63852), +INFO : (42, 0.635665), +INFO : (43, 0.635495), +INFO : (44, 0.633855), +INFO : (45, 0.631705), +INFO : (46, 0.630975), +INFO : (47, 0.632355), +INFO : (48, 0.6318), +INFO : (49, 0.63031), +INFO : (50, 0.629425)], +INFO : 'val_loss': [(1, 21761.461608916517), +INFO : (2, 17584.740592483427), +INFO : (3, 15856.351499259097), +INFO : (4, 14865.629760052869), +INFO : (5, 14081.880482886949), +INFO : (6, 13474.640132500972), +INFO : (7, 12861.666913294386), +INFO : (8, 12398.740218148632), +INFO : (9, 12113.381193872561), +INFO : (10, 11788.72446962326), +INFO : (11, 11544.172942050698), +INFO : (12, 11311.504887373938), +INFO : (13, 11148.949390239553), +INFO : (14, 10982.303613561326), +INFO : (15, 10830.797399430372), +INFO : (16, 10791.739976814815), +INFO : (17, 10694.675810314886), +INFO : (18, 10647.31549076285), +INFO : (19, 10559.47941096316), +INFO : (20, 10514.352834828886), +INFO : (21, 10451.32046381195), +INFO : (22, 10465.711059451178), +INFO : (23, 10432.403000047216), +INFO : (24, 10529.058667661904), +INFO : (25, 10451.468596044131), +INFO : (26, 10520.608542666347), +INFO : (27, 10617.047886029124), +INFO : (28, 10622.37723583324), +INFO : (29, 10719.360783516238), +INFO : (30, 10853.32206097801), +INFO : (31, 10914.607210183478), +INFO : (32, 11213.882578810355), +INFO : (33, 11252.127171318749), +INFO : (34, 11323.527953699335), +INFO : (35, 11544.11012558221), +INFO : (36, 11742.432724804392), +INFO : (37, 11887.684585746363), +INFO : (38, 12138.738867938191), +INFO : (39, 12358.642028823044), +INFO : (40, 12556.457068086685), +INFO : (41, 12839.845449429291), +INFO : (42, 13080.865595729965), +INFO : (43, 13367.526813549039), +INFO : (44, 13663.821976147983), +INFO : (45, 13900.921304250369), +INFO : (46, 14144.87188391814), +INFO : (47, 14430.380931563268), +INFO : (48, 14818.931722002037), +INFO : (49, 15076.66015158072), +INFO : (50, 15517.838285393305)]} +INFO : +(ClientAppActor pid=2396850) INFO : Starting training... [repeated 3x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2396855) Files already downloaded and verified +(ClientAppActor pid=2396844) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..2c6d6c2c2518 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_1_TRIAL.txt @@ -0,0 +1,3801 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475328) INFO : Starting training... +(ClientAppActor pid=2475326) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475326) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475332) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475335) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475328) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... +(ClientAppActor pid=2475331) INFO : Starting training... +(ClientAppActor pid=2475339) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61967 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475325) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475333) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475335) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475338) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475329) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2475326) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475329) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2475334) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475340) INFO : Starting training... +(ClientAppActor pid=2475338) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2475339) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475339) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475328) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475331) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2475336) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475340) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475326) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475336) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... +(ClientAppActor pid=2475331) INFO : Starting training... +(ClientAppActor pid=2475330) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475340) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475326) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475326) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475334) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2475333) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475335) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2475338) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475334) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475329) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... +(ClientAppActor pid=2475331) INFO : Starting training... +(ClientAppActor pid=2475331) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61975 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475331) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475334) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... +(ClientAppActor pid=2475331) INFO : Starting training... +(ClientAppActor pid=2475340) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2475331) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... +(ClientAppActor pid=2475331) INFO : Starting training... +(ClientAppActor pid=2475335) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475332) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475339) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475338) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2475337) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475338) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61969 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475328) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475325) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... +(ClientAppActor pid=2475331) INFO : Starting training... +(ClientAppActor pid=2475330) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2475325) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... +(ClientAppActor pid=2475331) INFO : Starting training... +(ClientAppActor pid=2475337) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475340) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475329) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... +(ClientAppActor pid=2475331) INFO : Starting training... +(ClientAppActor pid=2475331) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2475329) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2475329) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475336) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475337) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475332) INFO : Starting training... +(ClientAppActor pid=2475340) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2475332) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61975 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2475331) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475325) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475339) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475332) INFO : Starting training... +(ClientAppActor pid=2475326) INFO : Starting training... +(ClientAppActor pid=2475339) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475337) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475340) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61976 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475340) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475337) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2475339) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2475335) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2475338) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2475327) INFO : Starting training... +(ClientAppActor pid=2475331) INFO : Starting training... +(ClientAppActor pid=2475333) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3125.72s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.304312), +INFO : (2, 0.401042), +INFO : (3, 0.458466), +INFO : (4, 0.498109), +INFO : (5, 0.52792), +INFO : (6, 0.557523), +INFO : (7, 0.579492), +INFO : (8, 0.601183), +INFO : (9, 0.620316), +INFO : (10, 0.6344), +INFO : (11, 0.644934), +INFO : (12, 0.657123), +INFO : (13, 0.669423), +INFO : (14, 0.681239), +INFO : (15, 0.688919), +INFO : (16, 0.696714), +INFO : (17, 0.704556), +INFO : (18, 0.718366), +INFO : (19, 0.723947), +INFO : (20, 0.732829), +INFO : (21, 0.739859), +INFO : (22, 0.749113), +INFO : (23, 0.752913), +INFO : (24, 0.762803), +INFO : (25, 0.770112), +INFO : (26, 0.777632), +INFO : (27, 0.779526), +INFO : (28, 0.785792), +INFO : (29, 0.793124), +INFO : (30, 0.799427), +INFO : (31, 0.803156), +INFO : (32, 0.808627), +INFO : (33, 0.813197), +INFO : (34, 0.818029), +INFO : (35, 0.822537), +INFO : (36, 0.829319), +INFO : (37, 0.832702), +INFO : (38, 0.83753), +INFO : (39, 0.845852), +INFO : (40, 0.846314), +INFO : (41, 0.849641), +INFO : (42, 0.859364), +INFO : (43, 0.859877), +INFO : (44, 0.858552), +INFO : (45, 0.868454), +INFO : (46, 0.868326), +INFO : (47, 0.868992), +INFO : (48, 0.876622), +INFO : (49, 0.876103), +INFO : (50, 0.880991)], +INFO : 'train_loss': [(1, 2960.0085431694984), +INFO : (2, 2572.965268409252), +INFO : (3, 2353.8441169917583), +INFO : (4, 2183.944293254614), +INFO : (5, 2062.3526140838862), +INFO : (6, 1945.64823487401), +INFO : (7, 1852.6494881480933), +INFO : (8, 1764.4886490032077), +INFO : (9, 1684.3955536991357), +INFO : (10, 1621.9643077760934), +INFO : (11, 1575.9158851459622), +INFO : (12, 1517.474118578434), +INFO : (13, 1466.2856515109538), +INFO : (14, 1414.3007231026888), +INFO : (15, 1380.8391415685414), +INFO : (16, 1345.372107771039), +INFO : (17, 1309.104921449721), +INFO : (18, 1250.0887178264559), +INFO : (19, 1226.2804618902505), +INFO : (20, 1188.2532443404198), +INFO : (21, 1158.9363112784922), +INFO : (22, 1121.9423944167793), +INFO : (23, 1102.3752907551825), +INFO : (24, 1061.1754938699305), +INFO : (25, 1029.0041646748782), +INFO : (26, 995.0348439387977), +INFO : (27, 983.2337182044982), +INFO : (28, 955.5507587164641), +INFO : (29, 926.8562357079238), +INFO : (30, 896.1513527229429), +INFO : (31, 879.2840114545077), +INFO : (32, 853.8367952976375), +INFO : (33, 832.6916466295719), +INFO : (34, 810.6906135145575), +INFO : (35, 788.2045171681791), +INFO : (36, 760.0421434182674), +INFO : (37, 744.7369532007724), +INFO : (38, 722.2416453957558), +INFO : (39, 687.8655087985098), +INFO : (40, 681.5673584960401), +INFO : (41, 665.7386870089919), +INFO : (42, 627.0150907833129), +INFO : (43, 621.090926665999), +INFO : (44, 621.8217034818605), +INFO : (45, 585.7345189068467), +INFO : (46, 580.236128819175), +INFO : (47, 574.4820576723664), +INFO : (48, 544.9799395250155), +INFO : (49, 543.1351797780022), +INFO : (50, 520.433044002764)], +INFO : 'val_accuracy': [(1, 0.30696), +INFO : (2, 0.39892), +INFO : (3, 0.450155), +INFO : (4, 0.48746), +INFO : (5, 0.51538), +INFO : (6, 0.54094), +INFO : (7, 0.558475), +INFO : (8, 0.57548), +INFO : (9, 0.591355), +INFO : (10, 0.59868), +INFO : (11, 0.606525), +INFO : (12, 0.614105), +INFO : (13, 0.621), +INFO : (14, 0.628695), +INFO : (15, 0.630375), +INFO : (16, 0.63304), +INFO : (17, 0.63599), +INFO : (18, 0.6424), +INFO : (19, 0.64172), +INFO : (20, 0.643095), +INFO : (21, 0.644165), +INFO : (22, 0.645485), +INFO : (23, 0.64372), +INFO : (24, 0.64354), +INFO : (25, 0.64578), +INFO : (26, 0.64734), +INFO : (27, 0.64239), +INFO : (28, 0.644695), +INFO : (29, 0.64377), +INFO : (30, 0.643695), +INFO : (31, 0.64168), +INFO : (32, 0.641845), +INFO : (33, 0.64058), +INFO : (34, 0.638965), +INFO : (35, 0.637625), +INFO : (36, 0.63831), +INFO : (37, 0.636335), +INFO : (38, 0.633985), +INFO : (39, 0.63525), +INFO : (40, 0.631705), +INFO : (41, 0.63184), +INFO : (42, 0.632595), +INFO : (43, 0.63112), +INFO : (44, 0.626595), +INFO : (45, 0.628585), +INFO : (46, 0.62591), +INFO : (47, 0.623755), +INFO : (48, 0.62353), +INFO : (49, 0.622475), +INFO : (50, 0.62173)], +INFO : 'val_loss': [(1, 18910.746149732175), +INFO : (2, 16488.333519954424), +INFO : (3, 15155.145505000744), +INFO : (4, 14159.61128702073), +INFO : (5, 13503.469523384332), +INFO : (6, 12879.446723786808), +INFO : (7, 12412.347603438408), +INFO : (8, 11974.338896087058), +INFO : (9, 11588.959656449717), +INFO : (10, 11315.325745240178), +INFO : (11, 11154.040108574585), +INFO : (12, 10930.69807733734), +INFO : (13, 10764.238399719448), +INFO : (14, 10597.074836751231), +INFO : (15, 10571.984285822424), +INFO : (16, 10557.068066533935), +INFO : (17, 10501.185565035199), +INFO : (18, 10353.72816358721), +INFO : (19, 10418.525588664232), +INFO : (20, 10436.479757669258), +INFO : (21, 10503.787068291342), +INFO : (22, 10505.570155980442), +INFO : (23, 10671.17646760169), +INFO : (24, 10700.732278905223), +INFO : (25, 10746.974146873448), +INFO : (26, 10832.523497503655), +INFO : (27, 11007.343018768583), +INFO : (28, 11104.113840168795), +INFO : (29, 11228.505891431196), +INFO : (30, 11368.554091129074), +INFO : (31, 11537.74999067083), +INFO : (32, 11687.34026930179), +INFO : (33, 11962.588559701657), +INFO : (34, 12092.828957566924), +INFO : (35, 12313.077334393314), +INFO : (36, 12491.204763989372), +INFO : (37, 12728.940264744122), +INFO : (38, 12942.195781082637), +INFO : (39, 13084.065338659735), +INFO : (40, 13377.84752795028), +INFO : (41, 13701.404023719035), +INFO : (42, 13822.937403588321), +INFO : (43, 14186.103752484125), +INFO : (44, 14608.514953213215), +INFO : (45, 14768.443169430413), +INFO : (46, 15236.175351630875), +INFO : (47, 15510.47501453565), +INFO : (48, 15881.16943850429), +INFO : (49, 16190.758776131965), +INFO : (50, 16623.31102320124)]} +INFO : +(ClientAppActor pid=2475339) INFO : Starting training... [repeated 3x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2475328) Files already downloaded and verified +(ClientAppActor pid=2475340) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..627667fe5873 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_2_TRIAL.txt @@ -0,0 +1,3751 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 20) +(ClientAppActor pid=2552765) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552765) INFO : Starting training... [repeated 2x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2552772) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552787) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552772) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552772) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552772) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552770) INFO : Starting training... +(ClientAppActor pid=2552775) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2552765) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552774) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552778) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552767) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552765) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... +(ClientAppActor pid=2552772) INFO : Starting training... +(ClientAppActor pid=2552766) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2552776) INFO : Starting training... +(ClientAppActor pid=2552774) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61975 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2552768) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552764) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2552787) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552775) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552777) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552768) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552772) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552764) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552772) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552772) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552787) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2552775) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552767) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... +(ClientAppActor pid=2552772) INFO : Starting training... +(ClientAppActor pid=2552767) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552764) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552787) INFO : Starting training... +(ClientAppActor pid=2552774) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2552769) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552772) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552778) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552771) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552772) INFO : Starting training... +(ClientAppActor pid=2552770) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2552773) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552770) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552772) INFO : Starting training... +(ClientAppActor pid=2552777) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2552772) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552766) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552777) INFO : Starting training... +(ClientAppActor pid=2552774) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2552767) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552772) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552764) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... +(ClientAppActor pid=2552772) INFO : Starting training... +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552765) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552765) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552767) INFO : Starting training... +(ClientAppActor pid=2552775) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2552769) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552765) INFO : Starting training... +(ClientAppActor pid=2552776) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2552767) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552765) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552772) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552766) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552774) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... +(ClientAppActor pid=2552772) INFO : Starting training... +(ClientAppActor pid=2552766) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552787) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552764) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552775) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... +(ClientAppActor pid=2552772) INFO : Starting training... +(ClientAppActor pid=2552773) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2552775) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... +(ClientAppActor pid=2552772) INFO : Starting training... +(ClientAppActor pid=2552774) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552764) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552766) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2552765) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552777) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552766) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552774) INFO : Starting training... +(ClientAppActor pid=2552778) INFO : Starting training... +(ClientAppActor pid=2552775) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2552770) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2552768) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2552776) INFO : Starting training... +(ClientAppActor pid=2552772) INFO : Starting training... +(ClientAppActor pid=2552771) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2552772) INFO : Starting training... +(ClientAppActor pid=2552787) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3064.79s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.30102), +INFO : (2, 0.39861), +INFO : (3, 0.459449), +INFO : (4, 0.498773), +INFO : (5, 0.528385), +INFO : (6, 0.551926), +INFO : (7, 0.57117), +INFO : (8, 0.587248), +INFO : (9, 0.604075), +INFO : (10, 0.616779), +INFO : (11, 0.63193), +INFO : (12, 0.642995), +INFO : (13, 0.653259), +INFO : (14, 0.666386), +INFO : (15, 0.675291), +INFO : (16, 0.682818), +INFO : (17, 0.691619), +INFO : (18, 0.700666), +INFO : (19, 0.710238), +INFO : (20, 0.717132), +INFO : (21, 0.723332), +INFO : (22, 0.731224), +INFO : (23, 0.737418), +INFO : (24, 0.747248), +INFO : (25, 0.747909), +INFO : (26, 0.756182), +INFO : (27, 0.76516), +INFO : (28, 0.769039), +INFO : (29, 0.775413), +INFO : (30, 0.782364), +INFO : (31, 0.783702), +INFO : (32, 0.795898), +INFO : (33, 0.799474), +INFO : (34, 0.80146), +INFO : (35, 0.809574), +INFO : (36, 0.809942), +INFO : (37, 0.814982), +INFO : (38, 0.822386), +INFO : (39, 0.828707), +INFO : (40, 0.830727), +INFO : (41, 0.835675), +INFO : (42, 0.836667), +INFO : (43, 0.841611), +INFO : (44, 0.848044), +INFO : (45, 0.853553), +INFO : (46, 0.849895), +INFO : (47, 0.859069), +INFO : (48, 0.861422), +INFO : (49, 0.867943), +INFO : (50, 0.868381)], +INFO : 'train_loss': [(1, 3014.8612681627274), +INFO : (2, 2563.790163987875), +INFO : (3, 2332.2713112026454), +INFO : (4, 2176.3910499721765), +INFO : (5, 2059.78123947978), +INFO : (6, 1968.9249898225069), +INFO : (7, 1889.0559990227223), +INFO : (8, 1827.936050388217), +INFO : (9, 1755.794369533658), +INFO : (10, 1700.4928405612707), +INFO : (11, 1634.905242215097), +INFO : (12, 1588.9347240567208), +INFO : (13, 1541.8738385617733), +INFO : (14, 1484.6092680692673), +INFO : (15, 1448.6388993933797), +INFO : (16, 1411.7908579334617), +INFO : (17, 1375.6845549196005), +INFO : (18, 1335.6056865341961), +INFO : (19, 1292.0849476531148), +INFO : (20, 1258.9836307927967), +INFO : (21, 1230.4055246710777), +INFO : (22, 1198.8999543398618), +INFO : (23, 1168.1198236890136), +INFO : (24, 1126.4312048338354), +INFO : (25, 1118.3725716851652), +INFO : (26, 1086.735290245712), +INFO : (27, 1048.020574940741), +INFO : (28, 1027.167239406705), +INFO : (29, 1000.8289043940604), +INFO : (30, 971.9434800587594), +INFO : (31, 960.4156155243516), +INFO : (32, 911.6825451977551), +INFO : (33, 893.3497848741711), +INFO : (34, 880.9027238756419), +INFO : (35, 848.2122255470604), +INFO : (36, 841.7291492134333), +INFO : (37, 821.6188433758914), +INFO : (38, 790.6148359995335), +INFO : (39, 763.0169105883688), +INFO : (40, 749.1683357495815), +INFO : (41, 729.5021456647664), +INFO : (42, 720.5019633192569), +INFO : (43, 700.4743950057775), +INFO : (44, 671.730884192884), +INFO : (45, 649.5184110779315), +INFO : (46, 660.0127806568519), +INFO : (47, 621.943242659606), +INFO : (48, 609.1608738444745), +INFO : (49, 584.1660234715789), +INFO : (50, 577.3778438154608)], +INFO : 'val_accuracy': [(1, 0.30665), +INFO : (2, 0.39982), +INFO : (3, 0.455715), +INFO : (4, 0.49254), +INFO : (5, 0.520415), +INFO : (6, 0.53819), +INFO : (7, 0.55168), +INFO : (8, 0.56506), +INFO : (9, 0.57759), +INFO : (10, 0.585975), +INFO : (11, 0.596805), +INFO : (12, 0.604115), +INFO : (13, 0.61097), +INFO : (14, 0.618155), +INFO : (15, 0.62208), +INFO : (16, 0.624445), +INFO : (17, 0.62886), +INFO : (18, 0.632265), +INFO : (19, 0.63458), +INFO : (20, 0.636055), +INFO : (21, 0.63683), +INFO : (22, 0.63885), +INFO : (23, 0.639535), +INFO : (24, 0.642675), +INFO : (25, 0.6387), +INFO : (26, 0.63887), +INFO : (27, 0.64314), +INFO : (28, 0.64011), +INFO : (29, 0.639915), +INFO : (30, 0.63987), +INFO : (31, 0.637065), +INFO : (32, 0.64084), +INFO : (33, 0.639035), +INFO : (34, 0.63721), +INFO : (35, 0.637545), +INFO : (36, 0.635285), +INFO : (37, 0.63326), +INFO : (38, 0.63444), +INFO : (39, 0.63432), +INFO : (40, 0.633165), +INFO : (41, 0.631465), +INFO : (42, 0.63006), +INFO : (43, 0.62993), +INFO : (44, 0.6294), +INFO : (45, 0.62875), +INFO : (46, 0.62505), +INFO : (47, 0.62644), +INFO : (48, 0.624795), +INFO : (49, 0.62532), +INFO : (50, 0.6243)], +INFO : 'val_loss': [(1, 19189.488423250616), +INFO : (2, 16333.30628259126), +INFO : (3, 14959.551991249096), +INFO : (4, 14048.246377987585), +INFO : (5, 13368.577582583568), +INFO : (6, 12893.392289332613), +INFO : (7, 12506.89177148681), +INFO : (8, 12217.32932788199), +INFO : (9, 11889.857928925114), +INFO : (10, 11674.359936495628), +INFO : (11, 11417.800300976438), +INFO : (12, 11259.651041331459), +INFO : (13, 11117.595746001594), +INFO : (14, 10918.164324288155), +INFO : (15, 10847.005080011619), +INFO : (16, 10790.41832787298), +INFO : (17, 10744.742693384955), +INFO : (18, 10664.77144053848), +INFO : (19, 10600.951862027769), +INFO : (20, 10577.652860909147), +INFO : (21, 10628.401439578829), +INFO : (22, 10598.257259344557), +INFO : (23, 10642.440100246165), +INFO : (24, 10596.005223778022), +INFO : (25, 10779.34509721288), +INFO : (26, 10779.523557171024), +INFO : (27, 10783.889716322474), +INFO : (28, 10937.520770963089), +INFO : (29, 11007.179380493744), +INFO : (30, 11085.790748575957), +INFO : (31, 11321.198453847379), +INFO : (32, 11257.306051700125), +INFO : (33, 11433.965940629781), +INFO : (34, 11638.61640483138), +INFO : (35, 11739.899680098766), +INFO : (36, 11995.628487506796), +INFO : (37, 12147.688300622482), +INFO : (38, 12276.325585232273), +INFO : (39, 12401.03490045073), +INFO : (40, 12647.679843174557), +INFO : (41, 12850.360010406072), +INFO : (42, 13135.942329406358), +INFO : (43, 13289.49240019815), +INFO : (44, 13517.39932522747), +INFO : (45, 13771.755447127574), +INFO : (46, 14167.66329964094), +INFO : (47, 14315.065548080504), +INFO : (48, 14593.867339119515), +INFO : (49, 14818.950468444235), +INFO : (50, 15255.284868147628)]} +INFO : +(ClientAppActor pid=2552765) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2552765) Files already downloaded and verified +(ClientAppActor pid=2552775) Files already downloaded and verified [repeated 4x across cluster] +(ClientAppActor pid=2552769) Files already downloaded and verified [repeated 27x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..6ae5417ba50b --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_3_TRIAL.txt @@ -0,0 +1,3804 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626641) INFO : Starting training... +(ClientAppActor pid=2626637) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2626640) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... +(ClientAppActor pid=2626647) INFO : Starting training... +(ClientAppActor pid=2626638) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61972 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626637) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626651) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... +(ClientAppActor pid=2626637) INFO : Starting training... +(ClientAppActor pid=2626644) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626649) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626649) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626650) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626639) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626650) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626645) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626649) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626651) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626644) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626645) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626651) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626644) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626651) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626650) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626651) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626644) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626646) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626636) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626637) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... +(ClientAppActor pid=2626637) INFO : Starting training... +(ClientAppActor pid=2626637) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61976 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626639) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626640) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626641) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626650) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626638) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626644) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626638) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626638) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626640) INFO : Starting training... +(ClientAppActor pid=2626646) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626644) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626637) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626649) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626647) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... +(ClientAppActor pid=2626637) INFO : Starting training... +(ClientAppActor pid=2626641) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626643) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626641) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626640) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626650) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626637) INFO : Starting training... +(ClientAppActor pid=2626647) INFO : Starting training... +(ClientAppActor pid=2626637) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626650) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626640) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626638) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626650) INFO : Starting training... +(ClientAppActor pid=2626651) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626645) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626642) INFO : Starting training... +(ClientAppActor pid=2626648) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626644) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626643) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626644) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626639) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61976 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626649) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626639) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... +(ClientAppActor pid=2626637) INFO : Starting training... +(ClientAppActor pid=2626645) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2626640) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626637) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626643) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626646) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... +(ClientAppActor pid=2626637) INFO : Starting training... +(ClientAppActor pid=2626640) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626644) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626651) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... +(ClientAppActor pid=2626637) INFO : Starting training... +(ClientAppActor pid=2626638) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2626638) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626647) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61975 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... +(ClientAppActor pid=2626637) INFO : Starting training... +(ClientAppActor pid=2626643) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2626651) INFO : Starting training... +(ClientAppActor pid=2626648) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2626642) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2626638) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2626649) INFO : Starting training... +(ClientAppActor pid=2626648) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3120.91s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.251731), +INFO : (2, 0.368479), +INFO : (3, 0.439392), +INFO : (4, 0.479358), +INFO : (5, 0.516275), +INFO : (6, 0.545388), +INFO : (7, 0.568659), +INFO : (8, 0.585605), +INFO : (9, 0.600911), +INFO : (10, 0.615511), +INFO : (11, 0.628472), +INFO : (12, 0.643149), +INFO : (13, 0.652761), +INFO : (14, 0.66399), +INFO : (15, 0.676644), +INFO : (16, 0.68401), +INFO : (17, 0.692622), +INFO : (18, 0.701444), +INFO : (19, 0.709406), +INFO : (20, 0.720152), +INFO : (21, 0.728243), +INFO : (22, 0.73714), +INFO : (23, 0.739153), +INFO : (24, 0.75081), +INFO : (25, 0.754784), +INFO : (26, 0.759774), +INFO : (27, 0.767031), +INFO : (28, 0.774213), +INFO : (29, 0.780472), +INFO : (30, 0.787583), +INFO : (31, 0.793766), +INFO : (32, 0.799255), +INFO : (33, 0.804348), +INFO : (34, 0.808445), +INFO : (35, 0.813399), +INFO : (36, 0.817729), +INFO : (37, 0.822316), +INFO : (38, 0.832514), +INFO : (39, 0.831312), +INFO : (40, 0.835722), +INFO : (41, 0.84173), +INFO : (42, 0.846321), +INFO : (43, 0.852513), +INFO : (44, 0.853048), +INFO : (45, 0.856501), +INFO : (46, 0.859028), +INFO : (47, 0.861486), +INFO : (48, 0.866831), +INFO : (49, 0.872647), +INFO : (50, 0.873981)], +INFO : 'train_loss': [(1, 3262.422662168741), +INFO : (2, 2713.523350799084), +INFO : (3, 2397.7665970861913), +INFO : (4, 2235.611633130908), +INFO : (5, 2097.8536168366672), +INFO : (6, 1983.052704578638), +INFO : (7, 1891.303006517887), +INFO : (8, 1821.7403006166219), +INFO : (9, 1754.9798587620257), +INFO : (10, 1698.7705572888256), +INFO : (11, 1639.171110597253), +INFO : (12, 1579.322714883089), +INFO : (13, 1536.782809959352), +INFO : (14, 1484.7643942803145), +INFO : (15, 1431.5614450097085), +INFO : (16, 1399.6400600478053), +INFO : (17, 1361.6897357106209), +INFO : (18, 1323.1281059414148), +INFO : (19, 1288.8604094803334), +INFO : (20, 1243.9615411832929), +INFO : (21, 1205.8295504353941), +INFO : (22, 1171.8125663802027), +INFO : (23, 1158.1475263848902), +INFO : (24, 1110.0754590675235), +INFO : (25, 1091.0870368227363), +INFO : (26, 1066.2874297648668), +INFO : (27, 1033.0380671955645), +INFO : (28, 1004.4171306565404), +INFO : (29, 977.0586557239294), +INFO : (30, 947.6747363433242), +INFO : (31, 919.1858699642122), +INFO : (32, 893.7874421559275), +INFO : (33, 871.1787860505283), +INFO : (34, 852.7013284418732), +INFO : (35, 830.224409301579), +INFO : (36, 808.445806189254), +INFO : (37, 789.9431400034576), +INFO : (38, 748.7336253136397), +INFO : (39, 746.0379002787173), +INFO : (40, 726.9399088740349), +INFO : (41, 700.3119076706469), +INFO : (42, 679.3684217751027), +INFO : (43, 654.8060795355589), +INFO : (44, 648.3139821246266), +INFO : (45, 631.7183209836483), +INFO : (46, 619.8814633507282), +INFO : (47, 606.0198269229383), +INFO : (48, 582.4791166748852), +INFO : (49, 559.804523218982), +INFO : (50, 552.1208989592268)], +INFO : 'val_accuracy': [(1, 0.25556), +INFO : (2, 0.3666), +INFO : (3, 0.4348), +INFO : (4, 0.47398), +INFO : (5, 0.509905), +INFO : (6, 0.53396), +INFO : (7, 0.55169), +INFO : (8, 0.563395), +INFO : (9, 0.57336), +INFO : (10, 0.584665), +INFO : (11, 0.593605), +INFO : (12, 0.603655), +INFO : (13, 0.60934), +INFO : (14, 0.61494), +INFO : (15, 0.622155), +INFO : (16, 0.624355), +INFO : (17, 0.628595), +INFO : (18, 0.631705), +INFO : (19, 0.633675), +INFO : (20, 0.638475), +INFO : (21, 0.639985), +INFO : (22, 0.643695), +INFO : (23, 0.64114), +INFO : (24, 0.64619), +INFO : (25, 0.643495), +INFO : (26, 0.64324), +INFO : (27, 0.64528), +INFO : (28, 0.644565), +INFO : (29, 0.64476), +INFO : (30, 0.644585), +INFO : (31, 0.64439), +INFO : (32, 0.642785), +INFO : (33, 0.642795), +INFO : (34, 0.641675), +INFO : (35, 0.64036), +INFO : (36, 0.640265), +INFO : (37, 0.63912), +INFO : (38, 0.64109), +INFO : (39, 0.637065), +INFO : (40, 0.636325), +INFO : (41, 0.6362), +INFO : (42, 0.634465), +INFO : (43, 0.633335), +INFO : (44, 0.632175), +INFO : (45, 0.62994), +INFO : (46, 0.62918), +INFO : (47, 0.628465), +INFO : (48, 0.627205), +INFO : (49, 0.62849), +INFO : (50, 0.62673)], +INFO : 'val_loss': [(1, 20877.404273694752), +INFO : (2, 17318.716607388484), +INFO : (3, 15399.839531348929), +INFO : (4, 14430.498230746387), +INFO : (5, 13615.262209979357), +INFO : (6, 12978.143210303255), +INFO : (7, 12487.887417342583), +INFO : (8, 12156.757824047445), +INFO : (9, 11844.93154587711), +INFO : (10, 11637.187571823084), +INFO : (11, 11393.972211405358), +INFO : (12, 11172.902935761738), +INFO : (13, 11063.54401869944), +INFO : (14, 10901.189106137565), +INFO : (15, 10723.382524356652), +INFO : (16, 10737.481540714474), +INFO : (17, 10677.254888023062), +INFO : (18, 10625.179088657253), +INFO : (19, 10608.873254027938), +INFO : (20, 10489.958566708992), +INFO : (21, 10501.54920949403), +INFO : (22, 10484.992106826026), +INFO : (23, 10627.520711165098), +INFO : (24, 10548.404017649518), +INFO : (25, 10682.524793726818), +INFO : (26, 10771.80236771666), +INFO : (27, 10856.57705905763), +INFO : (28, 10895.949091149232), +INFO : (29, 11005.08336205089), +INFO : (30, 11075.575512047764), +INFO : (31, 11210.511704804117), +INFO : (32, 11324.49069975312), +INFO : (33, 11499.223608837008), +INFO : (34, 11664.308139827797), +INFO : (35, 11799.681840214496), +INFO : (36, 12003.429929076723), +INFO : (37, 12207.742414562339), +INFO : (38, 12240.636126990194), +INFO : (39, 12572.91252525085), +INFO : (40, 12853.410820332121), +INFO : (41, 13029.758228863204), +INFO : (42, 13234.204212157043), +INFO : (43, 13480.606030242689), +INFO : (44, 13740.36827213517), +INFO : (45, 14088.240806221313), +INFO : (46, 14389.017585000434), +INFO : (47, 14721.285839089582), +INFO : (48, 15063.1011694503), +INFO : (49, 15127.534916325401), +INFO : (50, 15663.88750253866)]} +INFO : +(ClientAppActor pid=2626639) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2626641) Files already downloaded and verified +(ClientAppActor pid=2626649) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..00f30ab15f9e --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_20_C_0.01_NOISE_4_TRIAL.txt @@ -0,0 +1,3812 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701865) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2701863) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701858) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2701855) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701854) INFO : Starting training... +(ClientAppActor pid=2701857) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2701860) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701865) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61977 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701868) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2701857) INFO : Starting training... +(ClientAppActor pid=2701854) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2701861) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701859) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701866) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701865) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701866) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2701858) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701860) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701855) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61975 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701860) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701862) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701863) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701856) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701856) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701865) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2701855) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701862) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701862) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61974 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701857) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701855) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701862) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701869) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701865) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61976 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701861) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701862) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701857) INFO : Starting training... +(ClientAppActor pid=2701860) INFO : Starting training... +(ClientAppActor pid=2701863) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2701861) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701861) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701867) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701858) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2701862) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701859) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701857) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2701857) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701854) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701862) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701859) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701866) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701860) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701866) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701867) INFO : Starting training... +(ClientAppActor pid=2701861) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2701854) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701854) INFO : Starting training... +(ClientAppActor pid=2701857) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2701865) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2701858) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701856) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61978 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701865) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701862) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701869) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701868) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701869) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2701859) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701869) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701858) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701855) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701869) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701862) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2701866) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2701858) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701869) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701867) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61979 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701858) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61980 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=2701857) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=2701858) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=2701864) INFO : Starting training... +(ClientAppActor pid=2701862) INFO : Starting training... +(ClientAppActor pid=2701860) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=2701861) INFO : Starting training... +(ClientAppActor pid=2701863) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61981 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3103.52s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.278015), +INFO : (2, 0.408535), +INFO : (3, 0.460355), +INFO : (4, 0.498304), +INFO : (5, 0.530222), +INFO : (6, 0.554309), +INFO : (7, 0.575315), +INFO : (8, 0.590951), +INFO : (9, 0.607398), +INFO : (10, 0.621506), +INFO : (11, 0.636496), +INFO : (12, 0.647205), +INFO : (13, 0.655877), +INFO : (14, 0.666893), +INFO : (15, 0.67563), +INFO : (16, 0.686461), +INFO : (17, 0.694908), +INFO : (18, 0.701639), +INFO : (19, 0.712043), +INFO : (20, 0.718735), +INFO : (21, 0.722997), +INFO : (22, 0.733576), +INFO : (23, 0.739359), +INFO : (24, 0.748792), +INFO : (25, 0.752905), +INFO : (26, 0.758372), +INFO : (27, 0.76907), +INFO : (28, 0.774123), +INFO : (29, 0.781124), +INFO : (30, 0.786364), +INFO : (31, 0.791893), +INFO : (32, 0.800664), +INFO : (33, 0.803825), +INFO : (34, 0.810838), +INFO : (35, 0.815458), +INFO : (36, 0.819815), +INFO : (37, 0.825766), +INFO : (38, 0.830248), +INFO : (39, 0.834392), +INFO : (40, 0.839443), +INFO : (41, 0.844735), +INFO : (42, 0.84799), +INFO : (43, 0.848634), +INFO : (44, 0.857228), +INFO : (45, 0.861162), +INFO : (46, 0.862366), +INFO : (47, 0.868507), +INFO : (48, 0.872309), +INFO : (49, 0.872366), +INFO : (50, 0.876172)], +INFO : 'train_loss': [(1, 3055.708534747362), +INFO : (2, 2526.2827939987183), +INFO : (3, 2319.246688011289), +INFO : (4, 2168.617722913623), +INFO : (5, 2043.6320850223303), +INFO : (6, 1946.6568551778794), +INFO : (7, 1859.295568355918), +INFO : (8, 1795.8737024903298), +INFO : (9, 1730.085046994686), +INFO : (10, 1670.2930444151164), +INFO : (11, 1609.0174077883362), +INFO : (12, 1566.473793967068), +INFO : (13, 1527.9157130718231), +INFO : (14, 1482.3708788976073), +INFO : (15, 1445.4214569032192), +INFO : (16, 1401.7517922088505), +INFO : (17, 1363.4720090195538), +INFO : (18, 1334.3063622415066), +INFO : (19, 1289.0060888186097), +INFO : (20, 1256.9946951054037), +INFO : (21, 1235.686273854971), +INFO : (22, 1190.5977128751576), +INFO : (23, 1161.4941320858895), +INFO : (24, 1127.2102354221047), +INFO : (25, 1104.4827186644077), +INFO : (26, 1075.6189094569536), +INFO : (27, 1029.8277869649232), +INFO : (28, 1009.1976930119097), +INFO : (29, 977.3274124063552), +INFO : (30, 951.6914477467537), +INFO : (31, 928.5132019575685), +INFO : (32, 888.2673297382892), +INFO : (33, 871.2752403620631), +INFO : (34, 842.6536516174674), +INFO : (35, 823.6026024550199), +INFO : (36, 800.6339315075427), +INFO : (37, 774.1405161678791), +INFO : (38, 752.1800232984126), +INFO : (39, 734.6314925264567), +INFO : (40, 711.7108756884933), +INFO : (41, 687.4121019195766), +INFO : (42, 670.687789950706), +INFO : (43, 666.1232300380244), +INFO : (44, 630.2246727623045), +INFO : (45, 612.760332813859), +INFO : (46, 605.3578389439732), +INFO : (47, 578.4874955464154), +INFO : (48, 561.686842865683), +INFO : (49, 559.7217289634049), +INFO : (50, 542.3900733934714)], +INFO : 'val_accuracy': [(1, 0.28539), +INFO : (2, 0.40824), +INFO : (3, 0.458555), +INFO : (4, 0.49427), +INFO : (5, 0.521675), +INFO : (6, 0.54258), +INFO : (7, 0.560445), +INFO : (8, 0.573575), +INFO : (9, 0.586025), +INFO : (10, 0.59594), +INFO : (11, 0.606695), +INFO : (12, 0.613275), +INFO : (13, 0.617215), +INFO : (14, 0.62271), +INFO : (15, 0.626115), +INFO : (16, 0.632525), +INFO : (17, 0.63522), +INFO : (18, 0.63551), +INFO : (19, 0.63963), +INFO : (20, 0.64078), +INFO : (21, 0.640345), +INFO : (22, 0.64532), +INFO : (23, 0.64566), +INFO : (24, 0.64714), +INFO : (25, 0.64799), +INFO : (26, 0.646735), +INFO : (27, 0.65186), +INFO : (28, 0.65053), +INFO : (29, 0.650145), +INFO : (30, 0.64938), +INFO : (31, 0.648915), +INFO : (32, 0.64953), +INFO : (33, 0.648755), +INFO : (34, 0.646195), +INFO : (35, 0.645355), +INFO : (36, 0.64444), +INFO : (37, 0.643675), +INFO : (38, 0.644385), +INFO : (39, 0.642545), +INFO : (40, 0.641045), +INFO : (41, 0.640055), +INFO : (42, 0.638575), +INFO : (43, 0.63657), +INFO : (44, 0.63838), +INFO : (45, 0.63539), +INFO : (46, 0.633225), +INFO : (47, 0.63341), +INFO : (48, 0.633935), +INFO : (49, 0.630195), +INFO : (50, 0.63092)], +INFO : 'val_loss': [(1, 19483.05497449041), +INFO : (2, 16126.09571971912), +INFO : (3, 14826.294600466546), +INFO : (4, 13943.817962985464), +INFO : (5, 13275.023347690061), +INFO : (6, 12771.74856265065), +INFO : (7, 12313.913712746473), +INFO : (8, 12001.182274343872), +INFO : (9, 11708.530083802578), +INFO : (10, 11444.717556810583), +INFO : (11, 11185.438153592628), +INFO : (12, 11047.993324702702), +INFO : (13, 10949.7388728085), +INFO : (14, 10819.368595578044), +INFO : (15, 10763.066301777564), +INFO : (16, 10636.617084992906), +INFO : (17, 10550.581054084854), +INFO : (18, 10573.904308707055), +INFO : (19, 10444.331563849395), +INFO : (20, 10476.312969221668), +INFO : (21, 10547.240855381107), +INFO : (22, 10440.49782868855), +INFO : (23, 10462.51759610744), +INFO : (24, 10526.192631759164), +INFO : (25, 10545.935966143072), +INFO : (26, 10640.993031735034), +INFO : (27, 10554.999559666514), +INFO : (28, 10714.43193279613), +INFO : (29, 10770.229127187436), +INFO : (30, 10876.901135067304), +INFO : (31, 10995.104362092328), +INFO : (32, 11051.840006554623), +INFO : (33, 11267.046828931601), +INFO : (34, 11413.174450241931), +INFO : (35, 11554.865943811172), +INFO : (36, 11760.584110900389), +INFO : (37, 11947.300290353132), +INFO : (38, 12101.839138256617), +INFO : (39, 12387.40158858429), +INFO : (40, 12560.756348323406), +INFO : (41, 12798.537670092534), +INFO : (42, 13078.441269171262), +INFO : (43, 13387.389096964236), +INFO : (44, 13540.579390068106), +INFO : (45, 13791.179528109755), +INFO : (46, 14174.892770360842), +INFO : (47, 14428.545219045616), +INFO : (48, 14700.646602207446), +INFO : (49, 15135.099320035972), +INFO : (50, 15440.455625111377)]} +INFO : +(ClientAppActor pid=2701865) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2701854) Files already downloaded and verified +(ClientAppActor pid=2701868) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..83a3cfb566fe --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_0_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202807) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202807) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202807) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202807) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202797) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202797) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202797) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202809) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202809) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202807) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202796) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202807) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202807) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202802) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202796) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202807) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202797) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202807) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202801) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202797) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202795) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202796) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1202798) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1189.37s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.223236), +INFO : (2, 0.346604), +INFO : (3, 0.418768), +INFO : (4, 0.469444), +INFO : (5, 0.497592), +INFO : (6, 0.521716), +INFO : (7, 0.552928), +INFO : (8, 0.575408), +INFO : (9, 0.591296), +INFO : (10, 0.602576), +INFO : (11, 0.613552), +INFO : (12, 0.620244), +INFO : (13, 0.638204), +INFO : (14, 0.647908), +INFO : (15, 0.661856), +INFO : (16, 0.674128), +INFO : (17, 0.684244), +INFO : (18, 0.689836), +INFO : (19, 0.70198), +INFO : (20, 0.70322), +INFO : (21, 0.714976), +INFO : (22, 0.720332), +INFO : (23, 0.726524), +INFO : (24, 0.737736), +INFO : (25, 0.743668), +INFO : (26, 0.751964), +INFO : (27, 0.756632), +INFO : (28, 0.757672), +INFO : (29, 0.76918), +INFO : (30, 0.773596), +INFO : (31, 0.781756), +INFO : (32, 0.785636), +INFO : (33, 0.79212), +INFO : (34, 0.803832), +INFO : (35, 0.8051), +INFO : (36, 0.809588), +INFO : (37, 0.817156), +INFO : (38, 0.816028), +INFO : (39, 0.821736), +INFO : (40, 0.82838), +INFO : (41, 0.835496), +INFO : (42, 0.838956), +INFO : (43, 0.835016), +INFO : (44, 0.852776), +INFO : (45, 0.847292), +INFO : (46, 0.852136), +INFO : (47, 0.857504), +INFO : (48, 0.866116), +INFO : (49, 0.862364), +INFO : (50, 0.873444)], +INFO : 'train_loss': [(1, 3378.440318608284), +INFO : (2, 2768.0118412017823), +INFO : (3, 2468.8601206064222), +INFO : (4, 2272.7344418644907), +INFO : (5, 2162.663989496231), +INFO : (6, 2067.4976467967035), +INFO : (7, 1943.469822871685), +INFO : (8, 1862.6403156280517), +INFO : (9, 1800.943487048149), +INFO : (10, 1747.4575795650483), +INFO : (11, 1699.3972444295882), +INFO : (12, 1664.9056223213672), +INFO : (13, 1607.129869556427), +INFO : (14, 1559.3309852600098), +INFO : (15, 1495.0364665150641), +INFO : (16, 1451.2876103758813), +INFO : (17, 1407.625200432539), +INFO : (18, 1384.7830542743206), +INFO : (19, 1331.993799585104), +INFO : (20, 1320.029415023327), +INFO : (21, 1270.49000287652), +INFO : (22, 1240.4162239015102), +INFO : (23, 1211.5896866858006), +INFO : (24, 1166.854643946886), +INFO : (25, 1140.5226660698652), +INFO : (26, 1103.3184521436692), +INFO : (27, 1085.4096603363753), +INFO : (28, 1072.5515578716993), +INFO : (29, 1024.0996932685375), +INFO : (30, 1006.0257387757301), +INFO : (31, 972.6181347459554), +INFO : (32, 958.1349664539099), +INFO : (33, 926.1956011712551), +INFO : (34, 880.127649691701), +INFO : (35, 868.9704974859953), +INFO : (36, 851.8046617209911), +INFO : (37, 818.5622013807297), +INFO : (38, 816.4279234230519), +INFO : (39, 792.7349774956704), +INFO : (40, 762.3628348886966), +INFO : (41, 734.52052667588), +INFO : (42, 718.2091047868132), +INFO : (43, 724.0546423360705), +INFO : (44, 660.3075743466616), +INFO : (45, 674.9455769017338), +INFO : (46, 651.4792965084314), +INFO : (47, 633.5886119887233), +INFO : (48, 596.8012190952898), +INFO : (49, 603.9585053868592), +INFO : (50, 558.8221571207047)], +INFO : 'val_accuracy': [(1, 0.22828), +INFO : (2, 0.3482), +INFO : (3, 0.41932), +INFO : (4, 0.46402), +INFO : (5, 0.48892), +INFO : (6, 0.50954), +INFO : (7, 0.53698), +INFO : (8, 0.55836), +INFO : (9, 0.57118), +INFO : (10, 0.58062), +INFO : (11, 0.5903), +INFO : (12, 0.59272), +INFO : (13, 0.60588), +INFO : (14, 0.61344), +INFO : (15, 0.62288), +INFO : (16, 0.63042), +INFO : (17, 0.63496), +INFO : (18, 0.63352), +INFO : (19, 0.6432), +INFO : (20, 0.63932), +INFO : (21, 0.6448), +INFO : (22, 0.64634), +INFO : (23, 0.64778), +INFO : (24, 0.64972), +INFO : (25, 0.65034), +INFO : (26, 0.65642), +INFO : (27, 0.65518), +INFO : (28, 0.64904), +INFO : (29, 0.65472), +INFO : (30, 0.65564), +INFO : (31, 0.65686), +INFO : (32, 0.6559), +INFO : (33, 0.6541), +INFO : (34, 0.66166), +INFO : (35, 0.65782), +INFO : (36, 0.65388), +INFO : (37, 0.65676), +INFO : (38, 0.65404), +INFO : (39, 0.6528), +INFO : (40, 0.65444), +INFO : (41, 0.6546), +INFO : (42, 0.65104), +INFO : (43, 0.6479), +INFO : (44, 0.65366), +INFO : (45, 0.65122), +INFO : (46, 0.65166), +INFO : (47, 0.64624), +INFO : (48, 0.64982), +INFO : (49, 0.64672), +INFO : (50, 0.64786)], +INFO : 'val_loss': [(1, 21629.7639888525), +INFO : (2, 17683.89038064778), +INFO : (3, 15780.056341542306), +INFO : (4, 14620.767912290245), +INFO : (5, 14002.266684581804), +INFO : (6, 13483.862460482353), +INFO : (7, 12777.726973716542), +INFO : (8, 12364.062252851192), +INFO : (9, 12046.801194101572), +INFO : (10, 11804.21293143645), +INFO : (11, 11580.957499617123), +INFO : (12, 11492.388717186328), +INFO : (13, 11207.876760518398), +INFO : (14, 11057.661756915279), +INFO : (15, 10790.807807581898), +INFO : (16, 10644.425057065067), +INFO : (17, 10498.087997855488), +INFO : (18, 10552.836094285534), +INFO : (19, 10370.227678099145), +INFO : (20, 10443.914660620745), +INFO : (21, 10349.005799143915), +INFO : (22, 10378.358644520946), +INFO : (23, 10309.980892407724), +INFO : (24, 10291.470961292827), +INFO : (25, 10329.974097475426), +INFO : (26, 10276.758641847317), +INFO : (27, 10363.56858797601), +INFO : (28, 10552.144402176562), +INFO : (29, 10513.667068272021), +INFO : (30, 10569.339578294765), +INFO : (31, 10621.669303819559), +INFO : (32, 10746.493517494044), +INFO : (33, 10770.14271651184), +INFO : (34, 10793.15982540946), +INFO : (35, 11015.598095586272), +INFO : (36, 11300.391437126671), +INFO : (37, 11284.018002238785), +INFO : (38, 11529.653168011233), +INFO : (39, 11808.119789787528), +INFO : (40, 11892.981244689981), +INFO : (41, 12078.592169389427), +INFO : (42, 12155.40721262381), +INFO : (43, 12715.313289046828), +INFO : (44, 12526.9319582408), +INFO : (45, 12897.353505205136), +INFO : (46, 13192.16691110979), +INFO : (47, 13410.826393825737), +INFO : (48, 13636.152454498282), +INFO : (49, 14041.331851552422), +INFO : (50, 14317.7450978677)]} +INFO : +(ClientAppActor pid=1202809) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=1202794) Files already downloaded and verified +(ClientAppActor pid=1202801) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=1202806) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=1202809) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=1202809) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..9b3e5526eeff --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_1_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220227) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220227) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220227) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220232) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220233) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220233) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220233) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220240) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220227) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220228) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220233) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220233) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220227) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220227) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220227) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220233) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220227) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220233) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220227) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220233) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220238) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220227) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220233) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220234) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=1220228) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1205.35s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.269844), +INFO : (2, 0.382056), +INFO : (3, 0.45362), +INFO : (4, 0.496092), +INFO : (5, 0.52288), +INFO : (6, 0.551456), +INFO : (7, 0.571792), +INFO : (8, 0.588984), +INFO : (9, 0.602576), +INFO : (10, 0.627296), +INFO : (11, 0.63732), +INFO : (12, 0.650164), +INFO : (13, 0.665176), +INFO : (14, 0.671236), +INFO : (15, 0.685592), +INFO : (16, 0.695612), +INFO : (17, 0.697536), +INFO : (18, 0.71228), +INFO : (19, 0.726504), +INFO : (20, 0.724676), +INFO : (21, 0.737948), +INFO : (22, 0.742848), +INFO : (23, 0.75368), +INFO : (24, 0.75754), +INFO : (25, 0.768024), +INFO : (26, 0.770276), +INFO : (27, 0.778964), +INFO : (28, 0.782484), +INFO : (29, 0.792328), +INFO : (30, 0.788448), +INFO : (31, 0.796708), +INFO : (32, 0.809992), +INFO : (33, 0.816048), +INFO : (34, 0.810992), +INFO : (35, 0.817784), +INFO : (36, 0.826912), +INFO : (37, 0.829656), +INFO : (38, 0.8364), +INFO : (39, 0.842248), +INFO : (40, 0.848576), +INFO : (41, 0.841452), +INFO : (42, 0.859848), +INFO : (43, 0.860816), +INFO : (44, 0.860908), +INFO : (45, 0.8654), +INFO : (46, 0.868432), +INFO : (47, 0.874692), +INFO : (48, 0.872116), +INFO : (49, 0.876036), +INFO : (50, 0.874352)], +INFO : 'train_loss': [(1, 3208.6650734186173), +INFO : (2, 2646.957892179489), +INFO : (3, 2355.983389890194), +INFO : (4, 2185.2531694173813), +INFO : (5, 2076.74169011116), +INFO : (6, 1962.7282501459122), +INFO : (7, 1876.9295715212822), +INFO : (8, 1802.7094223737718), +INFO : (9, 1755.0817697048187), +INFO : (10, 1646.508919787407), +INFO : (11, 1604.243623381853), +INFO : (12, 1541.14035897851), +INFO : (13, 1483.140123772621), +INFO : (14, 1460.1584600806236), +INFO : (15, 1391.4669175505637), +INFO : (16, 1356.0575064778327), +INFO : (17, 1341.0342240989207), +INFO : (18, 1282.8974985003472), +INFO : (19, 1221.8274812877178), +INFO : (20, 1226.9750592827797), +INFO : (21, 1169.1408764362336), +INFO : (22, 1144.8457447469234), +INFO : (23, 1102.7838168978692), +INFO : (24, 1086.6194762468338), +INFO : (25, 1042.0307919591664), +INFO : (26, 1028.9289837688207), +INFO : (27, 988.2775643527508), +INFO : (28, 971.2865574747324), +INFO : (29, 929.2565593808889), +INFO : (30, 935.9291069477797), +INFO : (31, 902.2354282915592), +INFO : (32, 850.4834439992904), +INFO : (33, 823.3309965163469), +INFO : (34, 834.4676925271749), +INFO : (35, 804.6743851527572), +INFO : (36, 774.2610814258456), +INFO : (37, 755.9404738634825), +INFO : (38, 731.8934924125672), +INFO : (39, 702.1122451677918), +INFO : (40, 672.5050594478846), +INFO : (41, 693.7633038476109), +INFO : (42, 626.0025021888316), +INFO : (43, 617.882191504538), +INFO : (44, 613.1344297036528), +INFO : (45, 595.8370999306441), +INFO : (46, 580.6818809725344), +INFO : (47, 552.626557700336), +INFO : (48, 561.9343334928155), +INFO : (49, 541.8602230958641), +INFO : (50, 543.8658464834094)], +INFO : 'val_accuracy': [(1, 0.2756), +INFO : (2, 0.38434), +INFO : (3, 0.45392), +INFO : (4, 0.49278), +INFO : (5, 0.51376), +INFO : (6, 0.5405), +INFO : (7, 0.55988), +INFO : (8, 0.57122), +INFO : (9, 0.57982), +INFO : (10, 0.60084), +INFO : (11, 0.6082), +INFO : (12, 0.61764), +INFO : (13, 0.62538), +INFO : (14, 0.62572), +INFO : (15, 0.63556), +INFO : (16, 0.63894), +INFO : (17, 0.63698), +INFO : (18, 0.64258), +INFO : (19, 0.64956), +INFO : (20, 0.64384), +INFO : (21, 0.64814), +INFO : (22, 0.6487), +INFO : (23, 0.65316), +INFO : (24, 0.65088), +INFO : (25, 0.6529), +INFO : (26, 0.64896), +INFO : (27, 0.65374), +INFO : (28, 0.65094), +INFO : (29, 0.65386), +INFO : (30, 0.6484), +INFO : (31, 0.64964), +INFO : (32, 0.65114), +INFO : (33, 0.65162), +INFO : (34, 0.64772), +INFO : (35, 0.64744), +INFO : (36, 0.6481), +INFO : (37, 0.6459), +INFO : (38, 0.647), +INFO : (39, 0.64588), +INFO : (40, 0.64394), +INFO : (41, 0.63798), +INFO : (42, 0.64326), +INFO : (43, 0.64104), +INFO : (44, 0.63812), +INFO : (45, 0.63778), +INFO : (46, 0.63882), +INFO : (47, 0.63724), +INFO : (48, 0.63564), +INFO : (49, 0.63314), +INFO : (50, 0.63222)], +INFO : 'val_loss': [(1, 20495.520585185288), +INFO : (2, 16903.460270834716), +INFO : (3, 15096.069349279625), +INFO : (4, 14062.601749038418), +INFO : (5, 13456.277289584932), +INFO : (6, 12836.309299293953), +INFO : (7, 12353.65682451625), +INFO : (8, 12035.5507163774), +INFO : (9, 11855.8016147355), +INFO : (10, 11317.561498521518), +INFO : (11, 11197.093172664747), +INFO : (12, 10935.590301488553), +INFO : (13, 10742.963237254926), +INFO : (14, 10766.366259394657), +INFO : (15, 10524.345604675073), +INFO : (16, 10500.327863646611), +INFO : (17, 10537.883899039645), +INFO : (18, 10419.340664093334), +INFO : (19, 10248.137941056453), +INFO : (20, 10478.37103926389), +INFO : (21, 10319.233967230037), +INFO : (22, 10475.923172857982), +INFO : (23, 10381.448841507756), +INFO : (24, 10542.493706177009), +INFO : (25, 10524.977883473755), +INFO : (26, 10626.60326002441), +INFO : (27, 10661.55881780622), +INFO : (28, 10814.445929082854), +INFO : (29, 10885.294264109505), +INFO : (30, 11192.253618572538), +INFO : (31, 11264.87217455565), +INFO : (32, 11241.356923111074), +INFO : (33, 11366.941929077782), +INFO : (34, 11764.661745089865), +INFO : (35, 11866.37610486206), +INFO : (36, 11937.17210385596), +INFO : (37, 12218.248600855248), +INFO : (38, 12437.731093925106), +INFO : (39, 12557.339224644194), +INFO : (40, 12898.14910409779), +INFO : (41, 13409.846886973255), +INFO : (42, 13289.565988911674), +INFO : (43, 13692.411197904674), +INFO : (44, 14059.578822206253), +INFO : (45, 14347.155159802724), +INFO : (46, 14696.081686428455), +INFO : (47, 14732.814823863571), +INFO : (48, 15310.186149844594), +INFO : (49, 15693.982505867429), +INFO : (50, 15974.271142142894)]} +INFO : +(ClientAppActor pid=1220239) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=1220228) Files already downloaded and verified +(ClientAppActor pid=1220234) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=1220238) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=1220240) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=1220240) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..d67e56aa246a --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_2_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025242) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025246) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025242) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025242) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025242) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025242) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025247) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025255) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025246) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025246) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025246) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025246) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025246) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025246) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025246) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025240) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025247) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025246) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025247) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025254) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025244) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2025247) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1220.64s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.25534), +INFO : (2, 0.359788), +INFO : (3, 0.425464), +INFO : (4, 0.471436), +INFO : (5, 0.502968), +INFO : (6, 0.524944), +INFO : (7, 0.5539), +INFO : (8, 0.58238), +INFO : (9, 0.59532), +INFO : (10, 0.614488), +INFO : (11, 0.632644), +INFO : (12, 0.649376), +INFO : (13, 0.655168), +INFO : (14, 0.670576), +INFO : (15, 0.673224), +INFO : (16, 0.693324), +INFO : (17, 0.702408), +INFO : (18, 0.70292), +INFO : (19, 0.71796), +INFO : (20, 0.726568), +INFO : (21, 0.733272), +INFO : (22, 0.743192), +INFO : (23, 0.748084), +INFO : (24, 0.756404), +INFO : (25, 0.760604), +INFO : (26, 0.765652), +INFO : (27, 0.769792), +INFO : (28, 0.781272), +INFO : (29, 0.78484), +INFO : (30, 0.79012), +INFO : (31, 0.795792), +INFO : (32, 0.803184), +INFO : (33, 0.809936), +INFO : (34, 0.811724), +INFO : (35, 0.817904), +INFO : (36, 0.829292), +INFO : (37, 0.829968), +INFO : (38, 0.838416), +INFO : (39, 0.839856), +INFO : (40, 0.84512), +INFO : (41, 0.848688), +INFO : (42, 0.853712), +INFO : (43, 0.851956), +INFO : (44, 0.849364), +INFO : (45, 0.8567), +INFO : (46, 0.869628), +INFO : (47, 0.869512), +INFO : (48, 0.872792), +INFO : (49, 0.874184), +INFO : (50, 0.875168)], +INFO : 'train_loss': [(1, 3156.2733981847764), +INFO : (2, 2728.2347417116166), +INFO : (3, 2458.074900555611), +INFO : (4, 2281.4255859971045), +INFO : (5, 2152.257884299755), +INFO : (6, 2064.549882185459), +INFO : (7, 1943.9159506559372), +INFO : (8, 1843.0823189616203), +INFO : (9, 1785.2332540035247), +INFO : (10, 1703.016549706459), +INFO : (11, 1637.542214769125), +INFO : (12, 1567.4810433328153), +INFO : (13, 1538.9921196937562), +INFO : (14, 1473.7296948850155), +INFO : (15, 1464.6706686854363), +INFO : (16, 1368.5133663237095), +INFO : (17, 1331.269280731678), +INFO : (18, 1326.415140759945), +INFO : (19, 1267.551445478201), +INFO : (20, 1225.0597855567933), +INFO : (21, 1196.3028325855732), +INFO : (22, 1151.655855843425), +INFO : (23, 1130.739007946849), +INFO : (24, 1093.2490935236215), +INFO : (25, 1074.510274875164), +INFO : (26, 1051.922768074274), +INFO : (27, 1030.9031703352928), +INFO : (28, 984.3294406890869), +INFO : (29, 969.5111954420805), +INFO : (30, 937.3265724390745), +INFO : (31, 912.7280012786389), +INFO : (32, 882.0635703444481), +INFO : (33, 852.2233589559794), +INFO : (34, 839.4448323294521), +INFO : (35, 814.7926449149847), +INFO : (36, 768.6323271334171), +INFO : (37, 757.3984797358513), +INFO : (38, 724.434085470438), +INFO : (39, 717.0366363018751), +INFO : (40, 697.6078577652573), +INFO : (41, 673.6030454650521), +INFO : (42, 652.3317854478955), +INFO : (43, 652.8671558976173), +INFO : (44, 662.4428790688514), +INFO : (45, 630.8608283683658), +INFO : (46, 577.5395663619041), +INFO : (47, 577.8504362747074), +INFO : (48, 561.1157100319863), +INFO : (49, 551.7004647672177), +INFO : (50, 546.1485554508865)], +INFO : 'val_accuracy': [(1, 0.26084), +INFO : (2, 0.36532), +INFO : (3, 0.42438), +INFO : (4, 0.47228), +INFO : (5, 0.49606), +INFO : (6, 0.51424), +INFO : (7, 0.54028), +INFO : (8, 0.56314), +INFO : (9, 0.57308), +INFO : (10, 0.58744), +INFO : (11, 0.59854), +INFO : (12, 0.60996), +INFO : (13, 0.61084), +INFO : (14, 0.62098), +INFO : (15, 0.61956), +INFO : (16, 0.63006), +INFO : (17, 0.63274), +INFO : (18, 0.6319), +INFO : (19, 0.6363), +INFO : (20, 0.63796), +INFO : (21, 0.64036), +INFO : (22, 0.64536), +INFO : (23, 0.6422), +INFO : (24, 0.6468), +INFO : (25, 0.64222), +INFO : (26, 0.64396), +INFO : (27, 0.6425), +INFO : (28, 0.6467), +INFO : (29, 0.64426), +INFO : (30, 0.64408), +INFO : (31, 0.64288), +INFO : (32, 0.64544), +INFO : (33, 0.6455), +INFO : (34, 0.64128), +INFO : (35, 0.639), +INFO : (36, 0.64214), +INFO : (37, 0.63988), +INFO : (38, 0.64228), +INFO : (39, 0.64084), +INFO : (40, 0.6397), +INFO : (41, 0.63598), +INFO : (42, 0.63856), +INFO : (43, 0.63396), +INFO : (44, 0.6281), +INFO : (45, 0.63184), +INFO : (46, 0.6356), +INFO : (47, 0.62978), +INFO : (48, 0.62946), +INFO : (49, 0.6295), +INFO : (50, 0.62744)], +INFO : 'val_loss': [(1, 20114.828538984064), +INFO : (2, 17388.664952643216), +INFO : (3, 15704.84778034538), +INFO : (4, 14650.748242611997), +INFO : (5, 13937.862824749527), +INFO : (6, 13506.02800555356), +INFO : (7, 12817.83906568124), +INFO : (8, 12329.163364722674), +INFO : (9, 12048.751652513387), +INFO : (10, 11721.415613988007), +INFO : (11, 11443.610171933353), +INFO : (12, 11144.92701876195), +INFO : (13, 11161.139024313075), +INFO : (14, 10916.043247419471), +INFO : (15, 11055.9583913718), +INFO : (16, 10668.18971967871), +INFO : (17, 10601.483956691265), +INFO : (18, 10809.346445787296), +INFO : (19, 10597.741081508178), +INFO : (20, 10584.249672792454), +INFO : (21, 10542.256356398442), +INFO : (22, 10528.40208000927), +INFO : (23, 10680.153771933155), +INFO : (24, 10575.109039356194), +INFO : (25, 10759.067863827007), +INFO : (26, 10828.806337172935), +INFO : (27, 10934.11377755767), +INFO : (28, 10911.817419175968), +INFO : (29, 11050.215393998276), +INFO : (30, 11143.917521070716), +INFO : (31, 11479.683704962), +INFO : (32, 11507.153793816979), +INFO : (33, 11538.63813048774), +INFO : (34, 11849.520363146004), +INFO : (35, 12097.132009977022), +INFO : (36, 11965.260932790752), +INFO : (37, 12390.216430789194), +INFO : (38, 12467.204894556618), +INFO : (39, 12696.867321070413), +INFO : (40, 12970.676124112606), +INFO : (41, 13302.487070439769), +INFO : (42, 13466.043014403353), +INFO : (43, 13878.124706599203), +INFO : (44, 14192.002538240207), +INFO : (45, 14420.116253782437), +INFO : (46, 14564.706002117025), +INFO : (47, 15002.325426913747), +INFO : (48, 15208.73459391887), +INFO : (49, 15684.002290367092), +INFO : (50, 16291.57053738382)]} +INFO : +(ClientAppActor pid=2025250) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2025240) Files already downloaded and verified +(ClientAppActor pid=2025249) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2025250) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2025255) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2025255) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..c79b2d81c4b0 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_3_TRIAL.txt @@ -0,0 +1,1462 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 5) +(ClientAppActor pid=2049117) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049124) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049118) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049117) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049118) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049123) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049132) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049123) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049127) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049119) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049124) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049118) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049120) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049124) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049117) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049124) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049117) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049124) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049117) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049124) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049117) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049127) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049123) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049117) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049124) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049117) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049124) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049117) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049118) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049129) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049118) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049124) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049117) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049124) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049121) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2049117) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1445.26s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.1882), +INFO : (2, 0.363128), +INFO : (3, 0.427692), +INFO : (4, 0.471216), +INFO : (5, 0.504852), +INFO : (6, 0.531592), +INFO : (7, 0.55376), +INFO : (8, 0.567112), +INFO : (9, 0.591584), +INFO : (10, 0.612992), +INFO : (11, 0.619148), +INFO : (12, 0.634032), +INFO : (13, 0.6452), +INFO : (14, 0.6539), +INFO : (15, 0.670236), +INFO : (16, 0.680896), +INFO : (17, 0.688256), +INFO : (18, 0.700124), +INFO : (19, 0.707056), +INFO : (20, 0.718844), +INFO : (21, 0.72038), +INFO : (22, 0.734188), +INFO : (23, 0.742036), +INFO : (24, 0.75392), +INFO : (25, 0.749732), +INFO : (26, 0.763672), +INFO : (27, 0.763312), +INFO : (28, 0.775464), +INFO : (29, 0.773912), +INFO : (30, 0.781432), +INFO : (31, 0.789216), +INFO : (32, 0.797748), +INFO : (33, 0.801996), +INFO : (34, 0.806036), +INFO : (35, 0.813156), +INFO : (36, 0.816524), +INFO : (37, 0.820748), +INFO : (38, 0.833304), +INFO : (39, 0.833388), +INFO : (40, 0.840252), +INFO : (41, 0.84872), +INFO : (42, 0.845124), +INFO : (43, 0.853728), +INFO : (44, 0.852668), +INFO : (45, 0.861068), +INFO : (46, 0.865904), +INFO : (47, 0.865168), +INFO : (48, 0.875396), +INFO : (49, 0.880352), +INFO : (50, 0.877676)], +INFO : 'train_loss': [(1, 3434.9211184978485), +INFO : (2, 2740.4000219345094), +INFO : (3, 2440.8699793577193), +INFO : (4, 2273.5227586984633), +INFO : (5, 2146.0705787181855), +INFO : (6, 2039.3929745435714), +INFO : (7, 1948.6191184282302), +INFO : (8, 1889.8239980220794), +INFO : (9, 1792.1426839828491), +INFO : (10, 1709.6438222646714), +INFO : (11, 1679.8652950286864), +INFO : (12, 1622.5905622839928), +INFO : (13, 1566.9765827953815), +INFO : (14, 1532.4145446836949), +INFO : (15, 1464.1801769852639), +INFO : (16, 1420.2060185015202), +INFO : (17, 1389.493951177597), +INFO : (18, 1335.2321480751039), +INFO : (19, 1302.6310373425483), +INFO : (20, 1256.9891800999642), +INFO : (21, 1247.311025071144), +INFO : (22, 1187.012215012312), +INFO : (23, 1154.4581628531218), +INFO : (24, 1105.024463045597), +INFO : (25, 1116.758094984293), +INFO : (26, 1057.2884979039432), +INFO : (27, 1050.2212521910667), +INFO : (28, 1000.7063140064478), +INFO : (29, 1000.3338494151831), +INFO : (30, 970.1326244503259), +INFO : (31, 936.624274751544), +INFO : (32, 900.048904980719), +INFO : (33, 878.1389143973589), +INFO : (34, 856.1554439216852), +INFO : (35, 830.2120133265853), +INFO : (36, 809.3900968402625), +INFO : (37, 793.8998548597098), +INFO : (38, 744.0532767906785), +INFO : (39, 736.8208637535572), +INFO : (40, 709.1130519032479), +INFO : (41, 674.3482998430729), +INFO : (42, 682.4498445689678), +INFO : (43, 647.2651167690753), +INFO : (44, 649.2173484086991), +INFO : (45, 616.1973851442337), +INFO : (46, 596.0086018450559), +INFO : (47, 595.2904465124011), +INFO : (48, 554.8624983504415), +INFO : (49, 534.0116282708943), +INFO : (50, 536.4749023273587)], +INFO : 'val_accuracy': [(1, 0.18865), +INFO : (2, 0.36304), +INFO : (3, 0.4265), +INFO : (4, 0.47374), +INFO : (5, 0.50226), +INFO : (6, 0.52334), +INFO : (7, 0.54076), +INFO : (8, 0.553), +INFO : (9, 0.57266), +INFO : (10, 0.59096), +INFO : (11, 0.59212), +INFO : (12, 0.60432), +INFO : (13, 0.61154), +INFO : (14, 0.6148), +INFO : (15, 0.62352), +INFO : (16, 0.62896), +INFO : (17, 0.62994), +INFO : (18, 0.63612), +INFO : (19, 0.63852), +INFO : (20, 0.64376), +INFO : (21, 0.6401), +INFO : (22, 0.64862), +INFO : (23, 0.64658), +INFO : (24, 0.64856), +INFO : (25, 0.64616), +INFO : (26, 0.65038), +INFO : (27, 0.64736), +INFO : (28, 0.6508), +INFO : (29, 0.64312), +INFO : (30, 0.6471), +INFO : (31, 0.64696), +INFO : (32, 0.64898), +INFO : (33, 0.6448), +INFO : (34, 0.6467), +INFO : (35, 0.64382), +INFO : (36, 0.64388), +INFO : (37, 0.6413), +INFO : (38, 0.64366), +INFO : (39, 0.64272), +INFO : (40, 0.64134), +INFO : (41, 0.64098), +INFO : (42, 0.63624), +INFO : (43, 0.63588), +INFO : (44, 0.6336), +INFO : (45, 0.63114), +INFO : (46, 0.63434), +INFO : (47, 0.6318), +INFO : (48, 0.63428), +INFO : (49, 0.63458), +INFO : (50, 0.63012)], +INFO : 'val_loss': [(1, 21954.556218147278), +INFO : (2, 17426.317114821075), +INFO : (3, 15565.733414577691), +INFO : (4, 14557.669497960247), +INFO : (5, 13789.877459582221), +INFO : (6, 13226.916408773486), +INFO : (7, 12743.730381277739), +INFO : (8, 12484.137052217791), +INFO : (9, 11966.766804323577), +INFO : (10, 11581.192783484043), +INFO : (11, 11516.125798527328), +INFO : (12, 11259.879724080001), +INFO : (13, 11030.710279453007), +INFO : (14, 10965.612192639523), +INFO : (15, 10678.70687404905), +INFO : (16, 10613.944661761248), +INFO : (17, 10558.933784646557), +INFO : (18, 10466.394037669223), +INFO : (19, 10405.329464575794), +INFO : (20, 10311.206653813586), +INFO : (21, 10431.012574840619), +INFO : (22, 10281.380405863285), +INFO : (23, 10320.502971994436), +INFO : (24, 10240.629928744956), +INFO : (25, 10592.961167530395), +INFO : (26, 10436.51455976292), +INFO : (27, 10673.500764440085), +INFO : (28, 10588.937717881625), +INFO : (29, 10970.835643710818), +INFO : (30, 10985.06920390217), +INFO : (31, 10993.845203157365), +INFO : (32, 11166.840636034596), +INFO : (33, 11326.303274031772), +INFO : (34, 11595.007362244192), +INFO : (35, 11573.573668485542), +INFO : (36, 11826.524310550723), +INFO : (37, 12046.12884992526), +INFO : (38, 12099.197999483282), +INFO : (39, 12360.355855460319), +INFO : (40, 12515.315037309736), +INFO : (41, 12681.63158879898), +INFO : (42, 13116.482980664974), +INFO : (43, 13273.890329186459), +INFO : (44, 13537.88067240195), +INFO : (45, 13821.734906406471), +INFO : (46, 14097.542681628842), +INFO : (47, 14450.22314240651), +INFO : (48, 14575.477893400395), +INFO : (49, 15054.050171983576), +INFO : (50, 15262.063191271556)]} +INFO : +(ClientAppActor pid=2049129) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2049118) Files already downloaded and verified +(ClientAppActor pid=2049121) Files already downloaded and verified [repeated 4x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2049127) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2049130) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2049131) Files already downloaded and verified [repeated 7x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..b9c2708fe20a --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_091210/2024_06_21_091210_results_50_R_5_C_0.01_NOISE_4_TRIAL.txt @@ -0,0 +1,1462 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.01 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 5) +(ClientAppActor pid=2152188) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152186) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152195) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152199) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152199) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152199) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61985 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152199) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152199) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152182) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61982 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2152193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.01 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1518.56s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.29617), +INFO : (2, 0.401716), +INFO : (3, 0.46262), +INFO : (4, 0.503972), +INFO : (5, 0.531304), +INFO : (6, 0.56042), +INFO : (7, 0.583728), +INFO : (8, 0.605124), +INFO : (9, 0.620712), +INFO : (10, 0.636756), +INFO : (11, 0.644432), +INFO : (12, 0.65424), +INFO : (13, 0.669676), +INFO : (14, 0.675704), +INFO : (15, 0.685832), +INFO : (16, 0.696356), +INFO : (17, 0.706228), +INFO : (18, 0.715452), +INFO : (19, 0.720748), +INFO : (20, 0.730132), +INFO : (21, 0.730504), +INFO : (22, 0.74356), +INFO : (23, 0.75098), +INFO : (24, 0.753964), +INFO : (25, 0.758756), +INFO : (26, 0.774844), +INFO : (27, 0.7773), +INFO : (28, 0.787836), +INFO : (29, 0.787244), +INFO : (30, 0.791492), +INFO : (31, 0.801092), +INFO : (32, 0.800652), +INFO : (33, 0.811028), +INFO : (34, 0.817988), +INFO : (35, 0.81278), +INFO : (36, 0.823108), +INFO : (37, 0.824704), +INFO : (38, 0.834312), +INFO : (39, 0.83494), +INFO : (40, 0.845884), +INFO : (41, 0.84214), +INFO : (42, 0.85276), +INFO : (43, 0.845956), +INFO : (44, 0.861544), +INFO : (45, 0.858476), +INFO : (46, 0.863604), +INFO : (47, 0.858836), +INFO : (48, 0.873948), +INFO : (49, 0.876616), +INFO : (50, 0.88234)], +INFO : 'train_loss': [(1, 3066.8678176403046), +INFO : (2, 2567.3532003879545), +INFO : (3, 2311.851565015316), +INFO : (4, 2155.4154131412506), +INFO : (5, 2040.0245297670365), +INFO : (6, 1923.8077693104744), +INFO : (7, 1828.8310294985772), +INFO : (8, 1753.7970378637315), +INFO : (9, 1684.6940218567847), +INFO : (10, 1616.2690133929252), +INFO : (11, 1573.7113748967647), +INFO : (12, 1538.7439681828023), +INFO : (13, 1470.6242511212827), +INFO : (14, 1441.0891915261745), +INFO : (15, 1401.215701329708), +INFO : (16, 1352.4130853056909), +INFO : (17, 1307.8117791056634), +INFO : (18, 1269.7395918905736), +INFO : (19, 1244.3927097260953), +INFO : (20, 1205.026503443718), +INFO : (21, 1196.017491775751), +INFO : (22, 1143.018538120389), +INFO : (23, 1113.7775720268487), +INFO : (24, 1092.6769040107727), +INFO : (25, 1070.023545205593), +INFO : (26, 1008.2446051150561), +INFO : (27, 991.2412477642298), +INFO : (28, 947.6699194729329), +INFO : (29, 945.9665405243635), +INFO : (30, 922.293600037694), +INFO : (31, 885.3232615768909), +INFO : (32, 883.1358481436968), +INFO : (33, 836.9964322507382), +INFO : (34, 813.4896903127432), +INFO : (35, 827.7667391106486), +INFO : (36, 785.6911858096719), +INFO : (37, 770.4151071265339), +INFO : (38, 734.4830824285746), +INFO : (39, 727.6551818579435), +INFO : (40, 684.1256596758961), +INFO : (41, 694.7711839109659), +INFO : (42, 651.5277587637305), +INFO : (43, 674.4350372642278), +INFO : (44, 611.5071395501494), +INFO : (45, 621.3474316626787), +INFO : (46, 599.8866431422532), +INFO : (47, 609.5448320776225), +INFO : (48, 553.9017348073423), +INFO : (49, 541.8023802563548), +INFO : (50, 515.750305852294)], +INFO : 'val_accuracy': [(1, 0.29945), +INFO : (2, 0.39592), +INFO : (3, 0.45712), +INFO : (4, 0.4958), +INFO : (5, 0.5245), +INFO : (6, 0.54726), +INFO : (7, 0.56668), +INFO : (8, 0.58328), +INFO : (9, 0.59446), +INFO : (10, 0.60656), +INFO : (11, 0.6079), +INFO : (12, 0.61318), +INFO : (13, 0.6218), +INFO : (14, 0.62668), +INFO : (15, 0.63078), +INFO : (16, 0.63478), +INFO : (17, 0.63862), +INFO : (18, 0.64068), +INFO : (19, 0.64102), +INFO : (20, 0.64396), +INFO : (21, 0.64118), +INFO : (22, 0.64852), +INFO : (23, 0.64822), +INFO : (24, 0.64712), +INFO : (25, 0.64686), +INFO : (26, 0.65154), +INFO : (27, 0.64946), +INFO : (28, 0.65226), +INFO : (29, 0.64754), +INFO : (30, 0.64554), +INFO : (31, 0.64896), +INFO : (32, 0.64464), +INFO : (33, 0.64666), +INFO : (34, 0.64454), +INFO : (35, 0.642), +INFO : (36, 0.6421), +INFO : (37, 0.64012), +INFO : (38, 0.64214), +INFO : (39, 0.63772), +INFO : (40, 0.64294), +INFO : (41, 0.6369), +INFO : (42, 0.6394), +INFO : (43, 0.63168), +INFO : (44, 0.63678), +INFO : (45, 0.6307), +INFO : (46, 0.63416), +INFO : (47, 0.6281), +INFO : (48, 0.63034), +INFO : (49, 0.63028), +INFO : (50, 0.62724)], +INFO : 'val_loss': [(1, 19591.543917134404), +INFO : (2, 16423.879733990132), +INFO : (3, 14884.430488787124), +INFO : (4, 13961.47966934282), +INFO : (5, 13280.96203250056), +INFO : (6, 12655.062789432566), +INFO : (7, 12155.420783158648), +INFO : (8, 11797.791560666044), +INFO : (9, 11498.013196784053), +INFO : (10, 11195.4323334191), +INFO : (11, 11117.137286692814), +INFO : (12, 11031.839486463694), +INFO : (13, 10788.96842506786), +INFO : (14, 10734.646734296799), +INFO : (15, 10640.673369392744), +INFO : (16, 10553.611140233705), +INFO : (17, 10452.290560710124), +INFO : (18, 10398.782529687895), +INFO : (19, 10439.834078233669), +INFO : (20, 10393.702621797942), +INFO : (21, 10519.438836090721), +INFO : (22, 10409.4368479305), +INFO : (23, 10437.812762056768), +INFO : (24, 10525.522689286809), +INFO : (25, 10643.382265979468), +INFO : (26, 10561.642797716144), +INFO : (27, 10678.551861169473), +INFO : (28, 10675.591165202548), +INFO : (29, 10910.649815309645), +INFO : (30, 11074.808158050042), +INFO : (31, 11092.951136058815), +INFO : (32, 11376.750641344845), +INFO : (33, 11411.118276125319), +INFO : (34, 11533.368635894925), +INFO : (35, 11919.258608871727), +INFO : (36, 11943.446929541564), +INFO : (37, 12254.662438738713), +INFO : (38, 12367.073558780525), +INFO : (39, 12577.690180350244), +INFO : (40, 12776.402228478253), +INFO : (41, 13231.469828879226), +INFO : (42, 13206.54202345061), +INFO : (43, 13862.872421610267), +INFO : (44, 13778.452752765117), +INFO : (45, 14208.729396502415), +INFO : (46, 14592.328860066185), +INFO : (47, 14958.041498478096), +INFO : (48, 15129.861742030047), +INFO : (49, 15571.355712505057), +INFO : (50, 15802.817217023225)]} +INFO : +(ClientAppActor pid=2152202) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2152182) Files already downloaded and verified +(ClientAppActor pid=2152184) Files already downloaded and verified [repeated 4x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2152187) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2152202) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2152200) Files already downloaded and verified [repeated 7x across cluster] diff --git a/examples/app-pytorch/run_experiments_50_rounds_0.01_noise.sh b/examples/app-pytorch/run_experiments_50_rounds_0.01_noise.sh new file mode 100755 index 000000000000..f9529ccf8436 --- /dev/null +++ b/examples/app-pytorch/run_experiments_50_rounds_0.01_noise.sh @@ -0,0 +1,27 @@ +#!/bin/bash + +# Make sure to run poetry shell first! + +date_time=$(date '+%Y_%m_%d_%H%M%S'); + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.01_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.01_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.01_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.01_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.01_NOISE_4_TRIAL.txt + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.01_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.01_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.01_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.01_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.01_NOISE_4_TRIAL.txt + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.01_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.01_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.01_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.01_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.01 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.01_NOISE_4_TRIAL.txt From 3cf102ce58096b6c3e923feac9d962ce4f212f00 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Sat, 22 Jun 2024 15:05:27 -0700 Subject: [PATCH 31/34] Add results and script for experiments with 0.05 sigma noise --- ...2_results_50_R_10_C_0.05_NOISE_0_TRIAL.txt | 2219 ++++++++++ ...2_results_50_R_10_C_0.05_NOISE_1_TRIAL.txt | 2219 ++++++++++ ...2_results_50_R_10_C_0.05_NOISE_2_TRIAL.txt | 2219 ++++++++++ ...2_results_50_R_10_C_0.05_NOISE_3_TRIAL.txt | 2219 ++++++++++ ...2_results_50_R_10_C_0.05_NOISE_4_TRIAL.txt | 2196 ++++++++++ ...2_results_50_R_20_C_0.05_NOISE_0_TRIAL.txt | 3780 ++++++++++++++++ ...2_results_50_R_20_C_0.05_NOISE_1_TRIAL.txt | 3841 +++++++++++++++++ ...2_results_50_R_20_C_0.05_NOISE_2_TRIAL.txt | 3815 ++++++++++++++++ ...2_results_50_R_20_C_0.05_NOISE_3_TRIAL.txt | 3834 ++++++++++++++++ ...2_results_50_R_20_C_0.05_NOISE_4_TRIAL.txt | 3830 ++++++++++++++++ ...02_results_50_R_5_C_0.05_NOISE_0_TRIAL.txt | 1471 +++++++ ...02_results_50_R_5_C_0.05_NOISE_1_TRIAL.txt | 1471 +++++++ ...02_results_50_R_5_C_0.05_NOISE_2_TRIAL.txt | 1471 +++++++ ...02_results_50_R_5_C_0.05_NOISE_3_TRIAL.txt | 1471 +++++++ ...02_results_50_R_5_C_0.05_NOISE_4_TRIAL.txt | 1471 +++++++ .../run_experiments_50_rounds_0.05_noise.sh | 27 + 16 files changed, 37554 insertions(+) create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_4_TRIAL.txt create mode 100755 examples/app-pytorch/run_experiments_50_rounds_0.05_noise.sh diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..552a01d1aa6d --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_0_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935604) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935599) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935606) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935611) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935611) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935605) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935611) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2935613) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1940.13s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.252256), +INFO : (2, 0.349136), +INFO : (3, 0.414278), +INFO : (4, 0.47409), +INFO : (5, 0.509616), +INFO : (6, 0.538626), +INFO : (7, 0.562602), +INFO : (8, 0.583398), +INFO : (9, 0.594204), +INFO : (10, 0.611736), +INFO : (11, 0.627246), +INFO : (12, 0.639138), +INFO : (13, 0.647972), +INFO : (14, 0.663808), +INFO : (15, 0.67129), +INFO : (16, 0.681478), +INFO : (17, 0.692082), +INFO : (18, 0.698194), +INFO : (19, 0.708014), +INFO : (20, 0.716288), +INFO : (21, 0.724422), +INFO : (22, 0.728526), +INFO : (23, 0.739762), +INFO : (24, 0.748634), +INFO : (25, 0.748934), +INFO : (26, 0.75585), +INFO : (27, 0.765518), +INFO : (28, 0.77223), +INFO : (29, 0.779652), +INFO : (30, 0.785272), +INFO : (31, 0.785514), +INFO : (32, 0.794122), +INFO : (33, 0.80604), +INFO : (34, 0.811522), +INFO : (35, 0.816542), +INFO : (36, 0.814488), +INFO : (37, 0.819628), +INFO : (38, 0.829794), +INFO : (39, 0.834794), +INFO : (40, 0.841398), +INFO : (41, 0.842536), +INFO : (42, 0.848426), +INFO : (43, 0.853258), +INFO : (44, 0.853054), +INFO : (45, 0.859874), +INFO : (46, 0.86252), +INFO : (47, 0.863908), +INFO : (48, 0.861982), +INFO : (49, 0.871894), +INFO : (50, 0.8744)], +INFO : 'train_loss': [(1, 3292.5865064024924), +INFO : (2, 2788.708836901188), +INFO : (3, 2512.2896932005883), +INFO : (4, 2265.6815740048887), +INFO : (5, 2121.6789415836333), +INFO : (6, 2005.3277443230152), +INFO : (7, 1907.7989167273045), +INFO : (8, 1839.456621336937), +INFO : (9, 1783.389381223917), +INFO : (10, 1715.2911159098148), +INFO : (11, 1652.3339004546403), +INFO : (12, 1597.891685461998), +INFO : (13, 1559.5498617768287), +INFO : (14, 1491.7163091510533), +INFO : (15, 1455.4318752259016), +INFO : (16, 1413.2012997865677), +INFO : (17, 1368.7533891439439), +INFO : (18, 1338.8131207495928), +INFO : (19, 1294.9030973643064), +INFO : (20, 1256.7902165681123), +INFO : (21, 1223.5990894645452), +INFO : (22, 1202.1581018298864), +INFO : (23, 1151.9456873059273), +INFO : (24, 1114.7937721416354), +INFO : (25, 1109.5094954401254), +INFO : (26, 1078.7283943802117), +INFO : (27, 1037.4478482723237), +INFO : (28, 1005.4422507882118), +INFO : (29, 973.514720390737), +INFO : (30, 949.2268432334065), +INFO : (31, 943.6709884777665), +INFO : (32, 905.2400861263275), +INFO : (33, 860.0442724227905), +INFO : (34, 832.8664320990443), +INFO : (35, 810.1398310825228), +INFO : (36, 813.0595965743065), +INFO : (37, 788.2168831653893), +INFO : (38, 749.8720514521003), +INFO : (39, 727.2506429761648), +INFO : (40, 698.9343394175172), +INFO : (41, 694.8752516910433), +INFO : (42, 665.1806995727122), +INFO : (43, 644.9522909931839), +INFO : (44, 640.9121374718845), +INFO : (45, 616.2056657262146), +INFO : (46, 599.68565540649), +INFO : (47, 594.1094514165073), +INFO : (48, 597.8984146058559), +INFO : (49, 558.1577022381127), +INFO : (50, 544.3016546428204)], +INFO : 'val_accuracy': [(1, 0.25493), +INFO : (2, 0.3524), +INFO : (3, 0.40994), +INFO : (4, 0.46984), +INFO : (5, 0.50438), +INFO : (6, 0.52806), +INFO : (7, 0.54826), +INFO : (8, 0.56412), +INFO : (9, 0.57323), +INFO : (10, 0.58552), +INFO : (11, 0.59509), +INFO : (12, 0.60401), +INFO : (13, 0.60698), +INFO : (14, 0.61814), +INFO : (15, 0.62038), +INFO : (16, 0.62353), +INFO : (17, 0.62886), +INFO : (18, 0.63056), +INFO : (19, 0.63321), +INFO : (20, 0.63433), +INFO : (21, 0.63973), +INFO : (22, 0.63772), +INFO : (23, 0.63936), +INFO : (24, 0.64262), +INFO : (25, 0.64068), +INFO : (26, 0.64103), +INFO : (27, 0.64157), +INFO : (28, 0.64287), +INFO : (29, 0.64374), +INFO : (30, 0.64233), +INFO : (31, 0.63974), +INFO : (32, 0.64047), +INFO : (33, 0.6427), +INFO : (34, 0.64275), +INFO : (35, 0.64226), +INFO : (36, 0.63802), +INFO : (37, 0.63772), +INFO : (38, 0.63812), +INFO : (39, 0.63868), +INFO : (40, 0.63768), +INFO : (41, 0.63405), +INFO : (42, 0.63552), +INFO : (43, 0.63313), +INFO : (44, 0.63096), +INFO : (45, 0.63153), +INFO : (46, 0.63124), +INFO : (47, 0.6283), +INFO : (48, 0.62659), +INFO : (49, 0.62784), +INFO : (50, 0.62576)], +INFO : 'val_loss': [(1, 21072.2353230834), +INFO : (2, 17811.29670343697), +INFO : (3, 16083.87685566042), +INFO : (4, 14598.47004536665), +INFO : (5, 13736.284131851702), +INFO : (6, 13088.162248484865), +INFO : (7, 12591.356489962016), +INFO : (8, 12278.83532157463), +INFO : (9, 12038.747970495975), +INFO : (10, 11743.58618536052), +INFO : (11, 11462.173909528496), +INFO : (12, 11243.778091896338), +INFO : (13, 11140.918985623437), +INFO : (14, 10901.084026850956), +INFO : (15, 10867.939744450072), +INFO : (16, 10745.760455957185), +INFO : (17, 10681.86453183859), +INFO : (18, 10657.690752371847), +INFO : (19, 10586.548607697092), +INFO : (20, 10584.861647457223), +INFO : (21, 10500.64575016001), +INFO : (22, 10622.950352045546), +INFO : (23, 10546.104757858178), +INFO : (24, 10533.129119057523), +INFO : (25, 10700.903514643443), +INFO : (26, 10781.75348338091), +INFO : (27, 10789.232486640449), +INFO : (28, 10900.366029961831), +INFO : (29, 10963.22165794671), +INFO : (30, 11092.951465602879), +INFO : (31, 11327.404525909555), +INFO : (32, 11389.933950010236), +INFO : (33, 11399.507143610495), +INFO : (34, 11636.796668408555), +INFO : (35, 11753.23252321527), +INFO : (36, 12123.683357710559), +INFO : (37, 12455.923971434635), +INFO : (38, 12406.853136465814), +INFO : (39, 12682.55287509854), +INFO : (40, 12895.196818360877), +INFO : (41, 13242.083676648466), +INFO : (42, 13404.889433547332), +INFO : (43, 13658.579619707954), +INFO : (44, 14055.57706148014), +INFO : (45, 14345.382453289729), +INFO : (46, 14628.070103774226), +INFO : (47, 15132.428850627453), +INFO : (48, 15561.139628526746), +INFO : (49, 15661.804283590489), +INFO : (50, 16156.47444532079)]} +INFO : +(ClientAppActor pid=2935612) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2935601) Files already downloaded and verified +(ClientAppActor pid=2935608) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=2935611) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..b667a30eaa67 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_1_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963231) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963231) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963231) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963237) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963234) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963229) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963231) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963228) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2963226) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1948.48s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.254132), +INFO : (2, 0.37566), +INFO : (3, 0.438828), +INFO : (4, 0.477384), +INFO : (5, 0.512324), +INFO : (6, 0.537068), +INFO : (7, 0.563118), +INFO : (8, 0.583432), +INFO : (9, 0.600644), +INFO : (10, 0.619046), +INFO : (11, 0.635104), +INFO : (12, 0.646338), +INFO : (13, 0.659642), +INFO : (14, 0.671706), +INFO : (15, 0.678906), +INFO : (16, 0.695002), +INFO : (17, 0.697382), +INFO : (18, 0.711768), +INFO : (19, 0.723358), +INFO : (20, 0.726104), +INFO : (21, 0.734532), +INFO : (22, 0.745094), +INFO : (23, 0.754542), +INFO : (24, 0.761896), +INFO : (25, 0.769006), +INFO : (26, 0.774918), +INFO : (27, 0.781776), +INFO : (28, 0.78499), +INFO : (29, 0.792498), +INFO : (30, 0.799432), +INFO : (31, 0.804746), +INFO : (32, 0.81095), +INFO : (33, 0.818604), +INFO : (34, 0.82815), +INFO : (35, 0.827442), +INFO : (36, 0.83522), +INFO : (37, 0.835916), +INFO : (38, 0.844178), +INFO : (39, 0.848026), +INFO : (40, 0.854732), +INFO : (41, 0.855072), +INFO : (42, 0.855758), +INFO : (43, 0.862174), +INFO : (44, 0.86876), +INFO : (45, 0.873674), +INFO : (46, 0.873814), +INFO : (47, 0.874904), +INFO : (48, 0.882836), +INFO : (49, 0.891452), +INFO : (50, 0.890512)], +INFO : 'train_loss': [(1, 3143.0280500888825), +INFO : (2, 2666.2308069705964), +INFO : (3, 2394.844306409359), +INFO : (4, 2252.9588944911957), +INFO : (5, 2118.6660319030284), +INFO : (6, 2024.221317845583), +INFO : (7, 1923.0440641760827), +INFO : (8, 1836.7664825558663), +INFO : (9, 1774.9099382042884), +INFO : (10, 1690.0793663054706), +INFO : (11, 1627.8741740345954), +INFO : (12, 1580.7567230433226), +INFO : (13, 1522.183622097969), +INFO : (14, 1468.4862239092588), +INFO : (15, 1437.2237737864257), +INFO : (16, 1369.5018990874291), +INFO : (17, 1351.9584247857333), +INFO : (18, 1290.7614700362087), +INFO : (19, 1242.520384094119), +INFO : (20, 1224.7924392074347), +INFO : (21, 1185.6709832459687), +INFO : (22, 1143.8442261233927), +INFO : (23, 1101.3232239753008), +INFO : (24, 1068.9202105149627), +INFO : (25, 1034.9184974625707), +INFO : (26, 1005.9142755761743), +INFO : (27, 978.9450304180384), +INFO : (28, 958.6487071305513), +INFO : (29, 929.7266825303435), +INFO : (30, 901.6421372964978), +INFO : (31, 875.5457587510348), +INFO : (32, 846.5031041458249), +INFO : (33, 816.484482383728), +INFO : (34, 778.1937353789806), +INFO : (35, 771.4994680196047), +INFO : (36, 739.2731671452523), +INFO : (37, 732.8582641251385), +INFO : (38, 699.9142378278077), +INFO : (39, 683.0614099994302), +INFO : (40, 652.7679389968514), +INFO : (41, 646.006185360998), +INFO : (42, 640.1033933736384), +INFO : (43, 612.3809350337833), +INFO : (44, 583.7163138493895), +INFO : (45, 560.3500228565186), +INFO : (46, 554.1650473622606), +INFO : (47, 549.629120047763), +INFO : (48, 515.8668738983572), +INFO : (49, 484.2563032776117), +INFO : (50, 484.162534230575)], +INFO : 'val_accuracy': [(1, 0.26067), +INFO : (2, 0.3771), +INFO : (3, 0.43866), +INFO : (4, 0.4751), +INFO : (5, 0.50676), +INFO : (6, 0.52754), +INFO : (7, 0.55052), +INFO : (8, 0.56578), +INFO : (9, 0.57747), +INFO : (10, 0.5917), +INFO : (11, 0.60352), +INFO : (12, 0.60924), +INFO : (13, 0.61992), +INFO : (14, 0.62541), +INFO : (15, 0.62941), +INFO : (16, 0.63789), +INFO : (17, 0.63656), +INFO : (18, 0.64266), +INFO : (19, 0.64864), +INFO : (20, 0.64461), +INFO : (21, 0.64792), +INFO : (22, 0.6515), +INFO : (23, 0.65363), +INFO : (24, 0.65587), +INFO : (25, 0.65559), +INFO : (26, 0.6544), +INFO : (27, 0.65337), +INFO : (28, 0.65289), +INFO : (29, 0.65197), +INFO : (30, 0.65229), +INFO : (31, 0.65176), +INFO : (32, 0.64991), +INFO : (33, 0.6518), +INFO : (34, 0.65091), +INFO : (35, 0.64781), +INFO : (36, 0.64733), +INFO : (37, 0.64433), +INFO : (38, 0.64422), +INFO : (39, 0.64283), +INFO : (40, 0.64427), +INFO : (41, 0.63956), +INFO : (42, 0.63748), +INFO : (43, 0.6379), +INFO : (44, 0.6365), +INFO : (45, 0.63667), +INFO : (46, 0.63182), +INFO : (47, 0.63159), +INFO : (48, 0.63087), +INFO : (49, 0.63311), +INFO : (50, 0.62992)], +INFO : 'val_loss': [(1, 20055.143042178457), +INFO : (2, 16978.096315689014), +INFO : (3, 15293.995129681382), +INFO : (4, 14475.145269998859), +INFO : (5, 13727.039883337333), +INFO : (6, 13229.95755506857), +INFO : (7, 12702.897167047746), +INFO : (8, 12284.44197798555), +INFO : (9, 12054.188597056713), +INFO : (10, 11638.184629015746), +INFO : (11, 11369.941981853131), +INFO : (12, 11229.754926723217), +INFO : (13, 10978.468683848982), +INFO : (14, 10819.220005510278), +INFO : (15, 10783.548674731152), +INFO : (16, 10525.442189684716), +INFO : (17, 10647.965635680837), +INFO : (18, 10430.793025119627), +INFO : (19, 10380.002374481279), +INFO : (20, 10484.146238549649), +INFO : (21, 10492.497796766773), +INFO : (22, 10464.015422775074), +INFO : (23, 10435.756183367272), +INFO : (24, 10492.694504978193), +INFO : (25, 10550.534975462226), +INFO : (26, 10641.200689012268), +INFO : (27, 10777.732873018555), +INFO : (28, 10954.508400747005), +INFO : (29, 11038.63507191013), +INFO : (30, 11229.184879680748), +INFO : (31, 11356.575219035934), +INFO : (32, 11439.096087760083), +INFO : (33, 11657.203960651921), +INFO : (34, 11761.235155085385), +INFO : (35, 12085.040451470722), +INFO : (36, 12264.48373880613), +INFO : (37, 12552.420669720932), +INFO : (38, 12742.973244962182), +INFO : (39, 13165.965666994696), +INFO : (40, 13233.153731908149), +INFO : (41, 13697.477167152447), +INFO : (42, 14046.132477178151), +INFO : (43, 14397.391232727432), +INFO : (44, 14683.241559021482), +INFO : (45, 14921.98161107683), +INFO : (46, 15399.596826208759), +INFO : (47, 15816.259548152455), +INFO : (48, 16061.77343479813), +INFO : (49, 16319.37666772379), +INFO : (50, 16945.82276850088)]} +INFO : +(ClientAppActor pid=2963234) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2963231) Files already downloaded and verified +(ClientAppActor pid=2963236) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=2963237) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..283697691196 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_2_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992101) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992098) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992098) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992098) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992098) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992092) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992098) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=2992094) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1932.50s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.274022), +INFO : (2, 0.395646), +INFO : (3, 0.46156), +INFO : (4, 0.497432), +INFO : (5, 0.529702), +INFO : (6, 0.556386), +INFO : (7, 0.58126), +INFO : (8, 0.595236), +INFO : (9, 0.61238), +INFO : (10, 0.624056), +INFO : (11, 0.639448), +INFO : (12, 0.647268), +INFO : (13, 0.658424), +INFO : (14, 0.67075), +INFO : (15, 0.676886), +INFO : (16, 0.688276), +INFO : (17, 0.693052), +INFO : (18, 0.70735), +INFO : (19, 0.711158), +INFO : (20, 0.718562), +INFO : (21, 0.72851), +INFO : (22, 0.73085), +INFO : (23, 0.736922), +INFO : (24, 0.74687), +INFO : (25, 0.753158), +INFO : (26, 0.759116), +INFO : (27, 0.771388), +INFO : (28, 0.77194), +INFO : (29, 0.775948), +INFO : (30, 0.785286), +INFO : (31, 0.790952), +INFO : (32, 0.796788), +INFO : (33, 0.802222), +INFO : (34, 0.80788), +INFO : (35, 0.812646), +INFO : (36, 0.81753), +INFO : (37, 0.821452), +INFO : (38, 0.829354), +INFO : (39, 0.831982), +INFO : (40, 0.837184), +INFO : (41, 0.84082), +INFO : (42, 0.845768), +INFO : (43, 0.844112), +INFO : (44, 0.855828), +INFO : (45, 0.853872), +INFO : (46, 0.858942), +INFO : (47, 0.865432), +INFO : (48, 0.867578), +INFO : (49, 0.873252), +INFO : (50, 0.874774)], +INFO : 'train_loss': [(1, 3169.625698161125), +INFO : (2, 2583.6965312361717), +INFO : (3, 2318.398852354288), +INFO : (4, 2169.167417627573), +INFO : (5, 2047.5116363406182), +INFO : (6, 1944.4660387277604), +INFO : (7, 1846.0183128654958), +INFO : (8, 1782.3007494032383), +INFO : (9, 1716.135806632042), +INFO : (10, 1665.0004683107138), +INFO : (11, 1598.2041240900755), +INFO : (12, 1562.9845339894296), +INFO : (13, 1518.1520532011987), +INFO : (14, 1466.0331834107637), +INFO : (15, 1430.8107361674308), +INFO : (16, 1387.2407699525356), +INFO : (17, 1361.1804798424243), +INFO : (18, 1302.0515053063632), +INFO : (19, 1286.2674289166928), +INFO : (20, 1252.0555182233452), +INFO : (21, 1214.0002299055457), +INFO : (22, 1199.2844728142022), +INFO : (23, 1172.3524166017771), +INFO : (24, 1126.6210079103707), +INFO : (25, 1097.589584901929), +INFO : (26, 1075.240261142701), +INFO : (27, 1022.3490564748645), +INFO : (28, 1016.8502605199814), +INFO : (29, 999.5225150749087), +INFO : (30, 959.2999740168452), +INFO : (31, 937.3404868453741), +INFO : (32, 911.1764273926616), +INFO : (33, 884.3907057635486), +INFO : (34, 858.1002673372626), +INFO : (35, 838.3146652162075), +INFO : (36, 812.611514018476), +INFO : (37, 793.2124018833041), +INFO : (38, 760.952033111453), +INFO : (39, 748.4003949306905), +INFO : (40, 725.3957626692951), +INFO : (41, 708.5762747183442), +INFO : (42, 685.296499941498), +INFO : (43, 686.9536113962531), +INFO : (44, 640.2026468873024), +INFO : (45, 643.3821927096694), +INFO : (46, 623.050143853575), +INFO : (47, 594.0878586571664), +INFO : (48, 582.0966972120107), +INFO : (49, 557.9357277341187), +INFO : (50, 548.3201108202338)], +INFO : 'val_accuracy': [(1, 0.28138), +INFO : (2, 0.39499), +INFO : (3, 0.45747), +INFO : (4, 0.4958), +INFO : (5, 0.52057), +INFO : (6, 0.54444), +INFO : (7, 0.56677), +INFO : (8, 0.57699), +INFO : (9, 0.58836), +INFO : (10, 0.5964), +INFO : (11, 0.60732), +INFO : (12, 0.61208), +INFO : (13, 0.61767), +INFO : (14, 0.62389), +INFO : (15, 0.62819), +INFO : (16, 0.63364), +INFO : (17, 0.63305), +INFO : (18, 0.63943), +INFO : (19, 0.64018), +INFO : (20, 0.63953), +INFO : (21, 0.64395), +INFO : (22, 0.64138), +INFO : (23, 0.64225), +INFO : (24, 0.64631), +INFO : (25, 0.64741), +INFO : (26, 0.64513), +INFO : (27, 0.64749), +INFO : (28, 0.64537), +INFO : (29, 0.64305), +INFO : (30, 0.64563), +INFO : (31, 0.64314), +INFO : (32, 0.64317), +INFO : (33, 0.64344), +INFO : (34, 0.64107), +INFO : (35, 0.6412), +INFO : (36, 0.63867), +INFO : (37, 0.63752), +INFO : (38, 0.63685), +INFO : (39, 0.63538), +INFO : (40, 0.63449), +INFO : (41, 0.63212), +INFO : (42, 0.63142), +INFO : (43, 0.62694), +INFO : (44, 0.6292), +INFO : (45, 0.6274), +INFO : (46, 0.6246), +INFO : (47, 0.62512), +INFO : (48, 0.62553), +INFO : (49, 0.62561), +INFO : (50, 0.62315)], +INFO : 'val_loss': [(1, 20185.77014793605), +INFO : (2, 16474.7303283453), +INFO : (3, 14897.180673035979), +INFO : (4, 14007.919573712023), +INFO : (5, 13329.024314469085), +INFO : (6, 12730.551137081498), +INFO : (7, 12221.36635562682), +INFO : (8, 11931.04626795583), +INFO : (9, 11632.874570312735), +INFO : (10, 11418.716248031593), +INFO : (11, 11139.30387547884), +INFO : (12, 11043.065957119878), +INFO : (13, 10884.384108542856), +INFO : (14, 10710.522269548483), +INFO : (15, 10638.512864251576), +INFO : (16, 10526.293070733616), +INFO : (17, 10510.082206056331), +INFO : (18, 10321.889009462053), +INFO : (19, 10379.622489916446), +INFO : (20, 10351.722495449185), +INFO : (21, 10304.043068336166), +INFO : (22, 10438.301700672511), +INFO : (23, 10458.538469534458), +INFO : (24, 10421.740366730532), +INFO : (25, 10443.22042071738), +INFO : (26, 10567.61621307717), +INFO : (27, 10541.8628712094), +INFO : (28, 10704.282737067673), +INFO : (29, 10865.636387626088), +INFO : (30, 10918.92545245404), +INFO : (31, 11044.391425739139), +INFO : (32, 11189.80736298201), +INFO : (33, 11345.471829845543), +INFO : (34, 11474.429572550924), +INFO : (35, 11674.258310420868), +INFO : (36, 11878.164905109863), +INFO : (37, 12117.154990060923), +INFO : (38, 12247.5434483563), +INFO : (39, 12554.464015050555), +INFO : (40, 12809.485805108974), +INFO : (41, 13080.045413123014), +INFO : (42, 13320.947199842803), +INFO : (43, 13617.496428523953), +INFO : (44, 13813.311577930994), +INFO : (45, 14185.863458021478), +INFO : (46, 14504.475682096725), +INFO : (47, 14796.948954346102), +INFO : (48, 15084.539713472317), +INFO : (49, 15395.400948626246), +INFO : (50, 15792.795965388477)]} +INFO : +(ClientAppActor pid=2992099) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2992094) Files already downloaded and verified +(ClientAppActor pid=2992104) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=2992102) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..3e46720bcc7e --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_3_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007170) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007170) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007170) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007170) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007173) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007170) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007170) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007173) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007173) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007170) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007169) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007169) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007170) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007169) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007169) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007170) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007173) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007167) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3007170) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1941.19s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.267214), +INFO : (2, 0.376042), +INFO : (3, 0.433918), +INFO : (4, 0.47704), +INFO : (5, 0.5007), +INFO : (6, 0.522998), +INFO : (7, 0.545914), +INFO : (8, 0.563244), +INFO : (9, 0.578352), +INFO : (10, 0.590728), +INFO : (11, 0.606312), +INFO : (12, 0.622456), +INFO : (13, 0.634416), +INFO : (14, 0.644476), +INFO : (15, 0.658688), +INFO : (16, 0.664626), +INFO : (17, 0.679756), +INFO : (18, 0.688056), +INFO : (19, 0.69883), +INFO : (20, 0.702624), +INFO : (21, 0.714936), +INFO : (22, 0.72329), +INFO : (23, 0.730956), +INFO : (24, 0.73761), +INFO : (25, 0.745768), +INFO : (26, 0.752732), +INFO : (27, 0.759828), +INFO : (28, 0.759618), +INFO : (29, 0.772448), +INFO : (30, 0.775988), +INFO : (31, 0.782206), +INFO : (32, 0.78682), +INFO : (33, 0.79775), +INFO : (34, 0.798536), +INFO : (35, 0.810142), +INFO : (36, 0.809512), +INFO : (37, 0.816748), +INFO : (38, 0.82187), +INFO : (39, 0.829996), +INFO : (40, 0.832684), +INFO : (41, 0.836664), +INFO : (42, 0.840884), +INFO : (43, 0.840606), +INFO : (44, 0.846706), +INFO : (45, 0.851548), +INFO : (46, 0.852708), +INFO : (47, 0.859564), +INFO : (48, 0.862576), +INFO : (49, 0.86352), +INFO : (50, 0.867056)], +INFO : 'train_loss': [(1, 3131.055662596226), +INFO : (2, 2639.9944801688193), +INFO : (3, 2416.8494877398016), +INFO : (4, 2246.302001696825), +INFO : (5, 2154.1854246020316), +INFO : (6, 2069.9655925273896), +INFO : (7, 1978.9762511372567), +INFO : (8, 1913.3339967012405), +INFO : (9, 1850.2398767709733), +INFO : (10, 1796.5868228971958), +INFO : (11, 1728.8602937817573), +INFO : (12, 1665.9334264039994), +INFO : (13, 1615.2509267270566), +INFO : (14, 1572.870225059986), +INFO : (15, 1514.8695640951396), +INFO : (16, 1483.5891499608756), +INFO : (17, 1421.2322829186917), +INFO : (18, 1385.8613271504641), +INFO : (19, 1339.8489535540343), +INFO : (20, 1321.6047639548779), +INFO : (21, 1269.4729818195106), +INFO : (22, 1234.180307406187), +INFO : (23, 1199.8754195839167), +INFO : (24, 1171.6678474247456), +INFO : (25, 1133.8435248717665), +INFO : (26, 1106.225048390031), +INFO : (27, 1073.3670979052781), +INFO : (28, 1070.5686384633184), +INFO : (29, 1017.0794485360384), +INFO : (30, 997.9035111278296), +INFO : (31, 971.6689522489905), +INFO : (32, 949.8321147933602), +INFO : (33, 904.2548799306154), +INFO : (34, 895.1104332327843), +INFO : (35, 851.9983602061868), +INFO : (36, 847.1916614443064), +INFO : (37, 819.0922178149224), +INFO : (38, 793.5701812967658), +INFO : (39, 759.9872098520398), +INFO : (40, 745.0948714457452), +INFO : (41, 726.0036021873354), +INFO : (42, 707.3308030031621), +INFO : (43, 701.1540921900421), +INFO : (44, 679.6484611585736), +INFO : (45, 656.3012494131923), +INFO : (46, 646.7340583592653), +INFO : (47, 619.3068207938225), +INFO : (48, 603.8470019709318), +INFO : (49, 598.6169777967036), +INFO : (50, 582.2670091956854)], +INFO : 'val_accuracy': [(1, 0.26951), +INFO : (2, 0.37672), +INFO : (3, 0.43353), +INFO : (4, 0.47506), +INFO : (5, 0.49445), +INFO : (6, 0.51145), +INFO : (7, 0.52786), +INFO : (8, 0.54222), +INFO : (9, 0.55505), +INFO : (10, 0.56391), +INFO : (11, 0.57615), +INFO : (12, 0.58655), +INFO : (13, 0.59546), +INFO : (14, 0.60207), +INFO : (15, 0.61098), +INFO : (16, 0.61188), +INFO : (17, 0.6208), +INFO : (18, 0.62235), +INFO : (19, 0.62723), +INFO : (20, 0.62673), +INFO : (21, 0.63215), +INFO : (22, 0.63473), +INFO : (23, 0.63618), +INFO : (24, 0.63838), +INFO : (25, 0.63913), +INFO : (26, 0.6383), +INFO : (27, 0.64091), +INFO : (28, 0.63656), +INFO : (29, 0.64158), +INFO : (30, 0.6386), +INFO : (31, 0.63825), +INFO : (32, 0.63655), +INFO : (33, 0.64173), +INFO : (34, 0.63722), +INFO : (35, 0.64034), +INFO : (36, 0.63353), +INFO : (37, 0.63343), +INFO : (38, 0.63286), +INFO : (39, 0.63386), +INFO : (40, 0.6313), +INFO : (41, 0.63239), +INFO : (42, 0.62929), +INFO : (43, 0.62648), +INFO : (44, 0.62526), +INFO : (45, 0.62651), +INFO : (46, 0.6233), +INFO : (47, 0.62369), +INFO : (48, 0.62338), +INFO : (49, 0.62269), +INFO : (50, 0.62024)], +INFO : 'val_loss': [(1, 19998.551702314613), +INFO : (2, 16880.561188869924), +INFO : (3, 15478.061130690388), +INFO : (4, 14443.399766358967), +INFO : (5, 13936.351142926), +INFO : (6, 13480.875012724684), +INFO : (7, 13036.988681974839), +INFO : (8, 12699.271533021865), +INFO : (9, 12399.188433688523), +INFO : (10, 12166.02306601096), +INFO : (11, 11860.551220427318), +INFO : (12, 11567.08688990718), +INFO : (13, 11352.652981780173), +INFO : (14, 11226.419416410208), +INFO : (15, 10971.706239503257), +INFO : (16, 10951.255122182585), +INFO : (17, 10735.109149331012), +INFO : (18, 10673.620875327788), +INFO : (19, 10600.969236707553), +INFO : (20, 10638.973535961231), +INFO : (21, 10527.238806170364), +INFO : (22, 10469.824251981114), +INFO : (23, 10493.135511178089), +INFO : (24, 10556.20513475085), +INFO : (25, 10510.072257840553), +INFO : (26, 10561.103824553495), +INFO : (27, 10639.768076020267), +INFO : (28, 10862.72793074467), +INFO : (29, 10793.733423508671), +INFO : (30, 10953.61002961295), +INFO : (31, 10999.644608312863), +INFO : (32, 11184.925128116674), +INFO : (33, 11161.269457359454), +INFO : (34, 11436.112746588688), +INFO : (35, 11469.299452957925), +INFO : (36, 11728.970559945303), +INFO : (37, 11858.095850967531), +INFO : (38, 12034.364519369674), +INFO : (39, 12225.176908549412), +INFO : (40, 12442.73937240718), +INFO : (41, 12667.640122446204), +INFO : (42, 12987.572279977772), +INFO : (43, 13322.492672520711), +INFO : (44, 13502.283628302666), +INFO : (45, 13788.733912786836), +INFO : (46, 14140.92636756376), +INFO : (47, 14440.616715140037), +INFO : (48, 14636.842000504425), +INFO : (49, 15016.502178347757), +INFO : (50, 15454.986876116527)]} +INFO : +(ClientAppActor pid=3007168) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3007167) Files already downloaded and verified +(ClientAppActor pid=3007170) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3007174) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..cd5f139d3387 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_10_C_0.05_NOISE_4_TRIAL.txt @@ -0,0 +1,2196 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011198) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011196) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011196) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011194) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011196) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011204) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011196) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011196) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011196) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011197) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3011192) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1928.22s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.22291), +INFO : (2, 0.338592), +INFO : (3, 0.401458), +INFO : (4, 0.462074), +INFO : (5, 0.500892), +INFO : (6, 0.534224), +INFO : (7, 0.555952), +INFO : (8, 0.582504), +INFO : (9, 0.600588), +INFO : (10, 0.620364), +INFO : (11, 0.627786), +INFO : (12, 0.64458), +INFO : (13, 0.660284), +INFO : (14, 0.668466), +INFO : (15, 0.674914), +INFO : (16, 0.686682), +INFO : (17, 0.697274), +INFO : (18, 0.710538), +INFO : (19, 0.717036), +INFO : (20, 0.723406), +INFO : (21, 0.733096), +INFO : (22, 0.739496), +INFO : (23, 0.750174), +INFO : (24, 0.7521), +INFO : (25, 0.760118), +INFO : (26, 0.768522), +INFO : (27, 0.776394), +INFO : (28, 0.781818), +INFO : (29, 0.788668), +INFO : (30, 0.79664), +INFO : (31, 0.795896), +INFO : (32, 0.801136), +INFO : (33, 0.808076), +INFO : (34, 0.815646), +INFO : (35, 0.822062), +INFO : (36, 0.822318), +INFO : (37, 0.830842), +INFO : (38, 0.834112), +INFO : (39, 0.839346), +INFO : (40, 0.84435), +INFO : (41, 0.846764), +INFO : (42, 0.844554), +INFO : (43, 0.853968), +INFO : (44, 0.86291), +INFO : (45, 0.85835), +INFO : (46, 0.862824), +INFO : (47, 0.865394), +INFO : (48, 0.873808), +INFO : (49, 0.87147), +INFO : (50, 0.881084)], +INFO : 'train_loss': [(1, 3339.0484350323677), +INFO : (2, 2799.608608567715), +INFO : (3, 2545.470277476311), +INFO : (4, 2295.9235959231855), +INFO : (5, 2150.0923128664494), +INFO : (6, 2020.905854934454), +INFO : (7, 1942.8334717333316), +INFO : (8, 1833.5029881119729), +INFO : (9, 1759.3060198992491), +INFO : (10, 1681.1765280425548), +INFO : (11, 1649.0009888261557), +INFO : (12, 1573.8451160490513), +INFO : (13, 1513.2611729115247), +INFO : (14, 1472.4253856688738), +INFO : (15, 1447.3811789155006), +INFO : (16, 1393.5848691403867), +INFO : (17, 1345.476836323738), +INFO : (18, 1295.740899142623), +INFO : (19, 1262.4370688438416), +INFO : (20, 1232.6534741193057), +INFO : (21, 1192.527970546484), +INFO : (22, 1163.6051304742693), +INFO : (23, 1117.6724931240083), +INFO : (24, 1107.3809587821365), +INFO : (25, 1069.314733439684), +INFO : (26, 1035.2358911097049), +INFO : (27, 998.6244009524584), +INFO : (28, 975.7900567486882), +INFO : (29, 947.0706007823349), +INFO : (30, 912.696935428679), +INFO : (31, 908.6129217728973), +INFO : (32, 884.9421184957027), +INFO : (33, 853.4995964065195), +INFO : (34, 822.8679199613631), +INFO : (35, 796.1748604297638), +INFO : (36, 789.0460613951087), +INFO : (37, 753.2048702076078), +INFO : (38, 737.3893391624093), +INFO : (39, 715.7167200699448), +INFO : (40, 692.4744702413678), +INFO : (41, 681.652358224988), +INFO : (42, 682.9465480469167), +INFO : (43, 646.5427386298776), +INFO : (44, 611.1086910784245), +INFO : (45, 620.4518974024802), +INFO : (46, 603.5711286261678), +INFO : (47, 592.1790493309497), +INFO : (48, 559.7367127407342), +INFO : (49, 559.7867111139), +INFO : (50, 524.6787204641848)], +INFO : 'val_accuracy': [(1, 0.22835), +INFO : (2, 0.34138), +INFO : (3, 0.40119), +INFO : (4, 0.45683), +INFO : (5, 0.49692), +INFO : (6, 0.52635), +INFO : (7, 0.54628), +INFO : (8, 0.56957), +INFO : (9, 0.57979), +INFO : (10, 0.59483), +INFO : (11, 0.5968), +INFO : (12, 0.6087), +INFO : (13, 0.61864), +INFO : (14, 0.6215), +INFO : (15, 0.6242), +INFO : (16, 0.62899), +INFO : (17, 0.6333), +INFO : (18, 0.63825), +INFO : (19, 0.64027), +INFO : (20, 0.64053), +INFO : (21, 0.6437), +INFO : (22, 0.64201), +INFO : (23, 0.64577), +INFO : (24, 0.64426), +INFO : (25, 0.64607), +INFO : (26, 0.64474), +INFO : (27, 0.64578), +INFO : (28, 0.64771), +INFO : (29, 0.64653), +INFO : (30, 0.64664), +INFO : (31, 0.64357), +INFO : (32, 0.64374), +INFO : (33, 0.64164), +INFO : (34, 0.64276), +INFO : (35, 0.64321), +INFO : (36, 0.63936), +INFO : (37, 0.64256), +INFO : (38, 0.6405), +INFO : (39, 0.63847), +INFO : (40, 0.63819), +INFO : (41, 0.63674), +INFO : (42, 0.63344), +INFO : (43, 0.63216), +INFO : (44, 0.63308), +INFO : (45, 0.62691), +INFO : (46, 0.62496), +INFO : (47, 0.62644), +INFO : (48, 0.62716), +INFO : (49, 0.62682), +INFO : (50, 0.62746)], +INFO : 'val_loss': [(1, 21367.06009066105), +INFO : (2, 17860.896285885574), +INFO : (3, 16266.295428799836), +INFO : (4, 14721.797224780265), +INFO : (5, 13852.7670114649), +INFO : (6, 13123.402737044973), +INFO : (7, 12757.890324167882), +INFO : (8, 12185.263749189753), +INFO : (9, 11871.265245991623), +INFO : (10, 11523.325292415042), +INFO : (11, 11458.947224981925), +INFO : (12, 11134.04609759968), +INFO : (13, 10908.80050570001), +INFO : (14, 10819.845829870997), +INFO : (15, 10810.030966163507), +INFO : (16, 10663.891099820756), +INFO : (17, 10562.92218375333), +INFO : (18, 10445.634342910353), +INFO : (19, 10435.197080344076), +INFO : (20, 10441.326871865436), +INFO : (21, 10421.610454897987), +INFO : (22, 10474.90761331849), +INFO : (23, 10448.949885327538), +INFO : (24, 10568.37981162559), +INFO : (25, 10609.372550384127), +INFO : (26, 10647.970514400007), +INFO : (27, 10700.187175168772), +INFO : (28, 10814.900890401934), +INFO : (29, 10850.008185510469), +INFO : (30, 10970.271202819744), +INFO : (31, 11242.554425164933), +INFO : (32, 11385.465420833618), +INFO : (33, 11525.84055527185), +INFO : (34, 11643.21595958287), +INFO : (35, 11794.47860713261), +INFO : (36, 12095.018377533745), +INFO : (37, 12132.012218661777), +INFO : (38, 12422.132470626053), +INFO : (39, 12628.944388995209), +INFO : (40, 12862.446268400869), +INFO : (41, 13114.967449601461), +INFO : (42, 13487.466672629183), +INFO : (43, 13663.798967634628), +INFO : (44, 13838.814737678123), +INFO : (45, 14330.649668011858), +INFO : (46, 14564.389750648677), +INFO : (47, 14998.294217654611), +INFO : (48, 15235.545417017514), +INFO : (49, 15568.419520283132), +INFO : (50, 15893.274186107987)]} +INFO : +(ClientAppActor pid=3011201) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3011192) Files already downloaded and verified +(ClientAppActor pid=3011195) Files already downloaded and verified [repeated 4x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3011203) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3011204) Files already downloaded and verified [repeated 7x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..867fed492ce4 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_0_TRIAL.txt @@ -0,0 +1,3780 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 20) +(ClientAppActor pid=3015224) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015224) INFO : Starting training... [repeated 2x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3015224) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015232) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015236) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3015234) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3015224) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015237) INFO : Starting training... +(ClientAppActor pid=3015229) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015233) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015225) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3015239) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015239) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015225) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015239) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015234) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015239) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3015234) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015234) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015225) INFO : Starting training... +(ClientAppActor pid=3015224) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015239) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3015238) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015228) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015239) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015234) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015229) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015233) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015227) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3015236) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015232) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3015224) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015226) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3015224) INFO : Starting training... +(ClientAppActor pid=3015230) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015229) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015236) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015224) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3015227) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015226) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015228) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3015229) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015229) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3015227) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015239) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015229) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015237) INFO : Starting training... +(ClientAppActor pid=3015236) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015227) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015225) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015236) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015229) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015224) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3015233) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015234) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015227) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015238) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015238) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3015226) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015228) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015225) INFO : Starting training... +(ClientAppActor pid=3015224) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015233) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015231) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015227) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015234) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015236) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015224) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015227) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015239) INFO : Starting training... +(ClientAppActor pid=3015236) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015237) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015227) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015232) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015238) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015230) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015231) INFO : Starting training... +(ClientAppActor pid=3015224) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015235) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015224) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015231) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3015225) INFO : Starting training... +(ClientAppActor pid=3015239) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015232) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015233) INFO : Starting training... +(ClientAppActor pid=3015237) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015238) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015237) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015228) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015231) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3015228) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3015239) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3015234) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3015230) INFO : Starting training... +(ClientAppActor pid=3015234) INFO : Starting training... +(ClientAppActor pid=3015225) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3015234) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3083.19s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.24967), +INFO : (2, 0.353069), +INFO : (3, 0.411105), +INFO : (4, 0.458823), +INFO : (5, 0.499481), +INFO : (6, 0.529579), +INFO : (7, 0.555366), +INFO : (8, 0.575102), +INFO : (9, 0.591541), +INFO : (10, 0.604525), +INFO : (11, 0.617315), +INFO : (12, 0.630407), +INFO : (13, 0.644328), +INFO : (14, 0.655676), +INFO : (15, 0.663254), +INFO : (16, 0.673791), +INFO : (17, 0.684028), +INFO : (18, 0.694177), +INFO : (19, 0.699432), +INFO : (20, 0.708048), +INFO : (21, 0.715771), +INFO : (22, 0.725365), +INFO : (23, 0.731691), +INFO : (24, 0.740721), +INFO : (25, 0.744168), +INFO : (26, 0.751645), +INFO : (27, 0.760949), +INFO : (28, 0.763378), +INFO : (29, 0.769502), +INFO : (30, 0.776618), +INFO : (31, 0.781924), +INFO : (32, 0.78549), +INFO : (33, 0.793393), +INFO : (34, 0.797654), +INFO : (35, 0.803694), +INFO : (36, 0.809679), +INFO : (37, 0.814417), +INFO : (38, 0.816143), +INFO : (39, 0.821251), +INFO : (40, 0.829331), +INFO : (41, 0.830545), +INFO : (42, 0.838295), +INFO : (43, 0.837545), +INFO : (44, 0.843321), +INFO : (45, 0.844661), +INFO : (46, 0.853868), +INFO : (47, 0.853983), +INFO : (48, 0.858734), +INFO : (49, 0.86003), +INFO : (50, 0.862033)], +INFO : 'train_loss': [(1, 3240.8673724532127), +INFO : (2, 2764.009340327978), +INFO : (3, 2531.6636779904366), +INFO : (4, 2329.1173151671887), +INFO : (5, 2164.7977159798147), +INFO : (6, 2046.262248635292), +INFO : (7, 1944.1951972693205), +INFO : (8, 1869.5953331232072), +INFO : (9, 1802.0746566444636), +INFO : (10, 1749.4553775995969), +INFO : (11, 1693.4448273777962), +INFO : (12, 1638.722077897191), +INFO : (13, 1584.6898973450066), +INFO : (14, 1533.086862963438), +INFO : (15, 1502.950723849237), +INFO : (16, 1455.1556520849467), +INFO : (17, 1411.2065765202046), +INFO : (18, 1367.8042545586825), +INFO : (19, 1343.1560166627169), +INFO : (20, 1304.267788143456), +INFO : (21, 1270.4737566053868), +INFO : (22, 1227.8939791291953), +INFO : (23, 1200.4380573399364), +INFO : (24, 1162.747900956124), +INFO : (25, 1143.566719555855), +INFO : (26, 1112.1951095744967), +INFO : (27, 1073.9191180735827), +INFO : (28, 1061.5296726413071), +INFO : (29, 1029.7230961047112), +INFO : (30, 998.9368954636157), +INFO : (31, 973.8737306855619), +INFO : (32, 956.1375576414168), +INFO : (33, 921.2927316263318), +INFO : (34, 899.595277338475), +INFO : (35, 877.3358849514276), +INFO : (36, 849.4600887577981), +INFO : (37, 824.058748799935), +INFO : (38, 813.7184268414974), +INFO : (39, 790.662142862007), +INFO : (40, 759.0272139627486), +INFO : (41, 747.7560049276799), +INFO : (42, 717.6206597134471), +INFO : (43, 713.9164384450763), +INFO : (44, 688.6704497620464), +INFO : (45, 681.0306055122987), +INFO : (46, 644.5207203306257), +INFO : (47, 641.8119784882291), +INFO : (48, 620.6232564743608), +INFO : (49, 610.9224233038724), +INFO : (50, 601.4194019138813)], +INFO : 'val_accuracy': [(1, 0.25615), +INFO : (2, 0.35578), +INFO : (3, 0.413655), +INFO : (4, 0.45559), +INFO : (5, 0.49112), +INFO : (6, 0.516445), +INFO : (7, 0.540585), +INFO : (8, 0.555195), +INFO : (9, 0.56743), +INFO : (10, 0.57707), +INFO : (11, 0.585665), +INFO : (12, 0.59449), +INFO : (13, 0.603515), +INFO : (14, 0.60869), +INFO : (15, 0.611355), +INFO : (16, 0.61649), +INFO : (17, 0.62098), +INFO : (18, 0.624825), +INFO : (19, 0.625625), +INFO : (20, 0.62868), +INFO : (21, 0.63077), +INFO : (22, 0.634305), +INFO : (23, 0.6343), +INFO : (24, 0.63583), +INFO : (25, 0.634845), +INFO : (26, 0.63707), +INFO : (27, 0.63864), +INFO : (28, 0.63605), +INFO : (29, 0.63562), +INFO : (30, 0.63713), +INFO : (31, 0.636), +INFO : (32, 0.63431), +INFO : (33, 0.63429), +INFO : (34, 0.633985), +INFO : (35, 0.63339), +INFO : (36, 0.63256), +INFO : (37, 0.63153), +INFO : (38, 0.629905), +INFO : (39, 0.62728), +INFO : (40, 0.62859), +INFO : (41, 0.6263), +INFO : (42, 0.626125), +INFO : (43, 0.623765), +INFO : (44, 0.62481), +INFO : (45, 0.62236), +INFO : (46, 0.62357), +INFO : (47, 0.62205), +INFO : (48, 0.621575), +INFO : (49, 0.618765), +INFO : (50, 0.616165)], +INFO : 'val_loss': [(1, 20667.22698931396), +INFO : (2, 17620.4958345036), +INFO : (3, 16147.931669628157), +INFO : (4, 14976.244383034153), +INFO : (5, 14065.46847903389), +INFO : (6, 13406.543703706186), +INFO : (7, 12861.430446361064), +INFO : (8, 12488.483276260778), +INFO : (9, 12167.158774500382), +INFO : (10, 11936.324275425352), +INFO : (11, 11699.04336608252), +INFO : (12, 11482.885814382864), +INFO : (13, 11273.580338570731), +INFO : (14, 11118.318822115236), +INFO : (15, 11082.026252684565), +INFO : (16, 10960.517654912033), +INFO : (17, 10871.505483917794), +INFO : (18, 10765.660406108565), +INFO : (19, 10779.966933154712), +INFO : (20, 10757.245177569977), +INFO : (21, 10725.43092527401), +INFO : (22, 10681.069151585549), +INFO : (23, 10748.570470661276), +INFO : (24, 10706.493983903485), +INFO : (25, 10848.394161389553), +INFO : (26, 10851.333602109706), +INFO : (27, 10849.402070558013), +INFO : (28, 11031.46074890838), +INFO : (29, 11092.59606042056), +INFO : (30, 11195.051447790223), +INFO : (31, 11294.053057654917), +INFO : (32, 11522.24254335186), +INFO : (33, 11567.661527875394), +INFO : (34, 11747.338130749617), +INFO : (35, 11887.549407118055), +INFO : (36, 12084.025459956785), +INFO : (37, 12273.33779208989), +INFO : (38, 12475.317578038417), +INFO : (39, 12703.204980944423), +INFO : (40, 12872.416749311513), +INFO : (41, 13151.42430875832), +INFO : (42, 13274.994002938978), +INFO : (43, 13590.81888973955), +INFO : (44, 13850.117461994007), +INFO : (45, 14145.001552329748), +INFO : (46, 14416.305089947276), +INFO : (47, 14633.071658255682), +INFO : (48, 15020.334690055386), +INFO : (49, 15342.914833265773), +INFO : (50, 15690.054714350177)]} +INFO : +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3015225) Files already downloaded and verified +(ClientAppActor pid=3015234) Files already downloaded and verified [repeated 4x across cluster] +(ClientAppActor pid=3015237) Files already downloaded and verified [repeated 27x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..167fb8cc448f --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_1_TRIAL.txt @@ -0,0 +1,3841 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019888) INFO : Starting training... +(ClientAppActor pid=3019888) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3019890) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019890) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019883) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019892) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019886) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019884) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019884) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019888) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019883) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019887) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019891) INFO : Starting training... +(ClientAppActor pid=3019895) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019892) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3019885) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019897) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019895) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019889) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019889) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019882) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019896) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019887) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019886) INFO : Starting training... +(ClientAppActor pid=3019892) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019888) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019892) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019892) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019888) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019888) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019894) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019888) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019885) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019895) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019894) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019884) INFO : Starting training... +(ClientAppActor pid=3019889) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019887) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019887) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019882) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019894) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019886) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019894) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019887) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019884) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3019885) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019882) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019884) INFO : Starting training... +(ClientAppActor pid=3019882) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019891) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019897) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019891) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019882) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019897) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019885) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019897) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019895) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019896) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019884) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019896) INFO : Starting training... +(ClientAppActor pid=3019895) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019890) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019892) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019896) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019887) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019892) INFO : Starting training... +(ClientAppActor pid=3019886) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019882) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019887) INFO : Starting training... +(ClientAppActor pid=3019891) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019883) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019886) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019891) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019888) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019886) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019886) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3019883) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019892) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3019882) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019896) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3019894) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019891) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019888) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019896) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019883) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019884) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019890) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019889) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019895) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019891) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019882) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019884) INFO : Starting training... +(ClientAppActor pid=3019893) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019882) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019885) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3019885) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3019892) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019883) INFO : Starting training... +(ClientAppActor pid=3019882) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3019884) INFO : Starting training... +(ClientAppActor pid=3019893) INFO : Starting training... +(ClientAppActor pid=3019894) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3113.71s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.255681), +INFO : (2, 0.383168), +INFO : (3, 0.442888), +INFO : (4, 0.480442), +INFO : (5, 0.512945), +INFO : (6, 0.536376), +INFO : (7, 0.565325), +INFO : (8, 0.586388), +INFO : (9, 0.606258), +INFO : (10, 0.622318), +INFO : (11, 0.636544), +INFO : (12, 0.649325), +INFO : (13, 0.663284), +INFO : (14, 0.671488), +INFO : (15, 0.682466), +INFO : (16, 0.692907), +INFO : (17, 0.701047), +INFO : (18, 0.709819), +INFO : (19, 0.719508), +INFO : (20, 0.724959), +INFO : (21, 0.733679), +INFO : (22, 0.743119), +INFO : (23, 0.749478), +INFO : (24, 0.757514), +INFO : (25, 0.762123), +INFO : (26, 0.772041), +INFO : (27, 0.775752), +INFO : (28, 0.78226), +INFO : (29, 0.789579), +INFO : (30, 0.796304), +INFO : (31, 0.801745), +INFO : (32, 0.808585), +INFO : (33, 0.813081), +INFO : (34, 0.817697), +INFO : (35, 0.820868), +INFO : (36, 0.829079), +INFO : (37, 0.834737), +INFO : (38, 0.838746), +INFO : (39, 0.841237), +INFO : (40, 0.843699), +INFO : (41, 0.854425), +INFO : (42, 0.856133), +INFO : (43, 0.855515), +INFO : (44, 0.866022), +INFO : (45, 0.866242), +INFO : (46, 0.867292), +INFO : (47, 0.874389), +INFO : (48, 0.875989), +INFO : (49, 0.876881), +INFO : (50, 0.881125)], +INFO : 'train_loss': [(1, 3135.179967588186), +INFO : (2, 2612.978821378946), +INFO : (3, 2389.9588457763193), +INFO : (4, 2249.117474013567), +INFO : (5, 2120.5127416074274), +INFO : (6, 2021.2081334352492), +INFO : (7, 1904.8979225993157), +INFO : (8, 1816.4565234184265), +INFO : (9, 1741.7058706209064), +INFO : (10, 1675.7260494053364), +INFO : (11, 1617.905361172557), +INFO : (12, 1560.3655909702181), +INFO : (13, 1503.326329496503), +INFO : (14, 1468.0434176936747), +INFO : (15, 1420.6210424304008), +INFO : (16, 1373.4205968633294), +INFO : (17, 1340.5200641915203), +INFO : (18, 1299.3073866799473), +INFO : (19, 1259.6955580793322), +INFO : (20, 1231.6151496864854), +INFO : (21, 1195.7783415429294), +INFO : (22, 1152.8738673128187), +INFO : (23, 1124.7795004598797), +INFO : (24, 1088.8892500519753), +INFO : (25, 1068.121772158891), +INFO : (26, 1026.954621449113), +INFO : (27, 1006.1692284494638), +INFO : (28, 976.4003054656089), +INFO : (29, 946.938214250654), +INFO : (30, 916.2546828970313), +INFO : (31, 891.3947866171599), +INFO : (32, 861.5918385021389), +INFO : (33, 842.5692752551288), +INFO : (34, 820.4339018672705), +INFO : (35, 805.9953726377338), +INFO : (36, 770.4667947400361), +INFO : (37, 744.98488060534), +INFO : (38, 725.4173702672124), +INFO : (39, 711.6349448487163), +INFO : (40, 698.0496207293123), +INFO : (41, 655.8373046193271), +INFO : (42, 645.9300247170031), +INFO : (43, 643.1506501736119), +INFO : (44, 601.1884903471916), +INFO : (45, 595.7570391712711), +INFO : (46, 588.1145551040769), +INFO : (47, 557.0072315108031), +INFO : (48, 547.9608098538591), +INFO : (49, 541.2923564635217), +INFO : (50, 521.5874559585005)], +INFO : 'val_accuracy': [(1, 0.26379), +INFO : (2, 0.382805), +INFO : (3, 0.43966), +INFO : (4, 0.47713), +INFO : (5, 0.50398), +INFO : (6, 0.52452), +INFO : (7, 0.55043), +INFO : (8, 0.57028), +INFO : (9, 0.58639), +INFO : (10, 0.598125), +INFO : (11, 0.608175), +INFO : (12, 0.6199), +INFO : (13, 0.627365), +INFO : (14, 0.630675), +INFO : (15, 0.63733), +INFO : (16, 0.642105), +INFO : (17, 0.6433), +INFO : (18, 0.64648), +INFO : (19, 0.65033), +INFO : (20, 0.64909), +INFO : (21, 0.651535), +INFO : (22, 0.65454), +INFO : (23, 0.654895), +INFO : (24, 0.656745), +INFO : (25, 0.65551), +INFO : (26, 0.657705), +INFO : (27, 0.656425), +INFO : (28, 0.656825), +INFO : (29, 0.65569), +INFO : (30, 0.65426), +INFO : (31, 0.65452), +INFO : (32, 0.653755), +INFO : (33, 0.65305), +INFO : (34, 0.65138), +INFO : (35, 0.65033), +INFO : (36, 0.649155), +INFO : (37, 0.648505), +INFO : (38, 0.648025), +INFO : (39, 0.645355), +INFO : (40, 0.643175), +INFO : (41, 0.644885), +INFO : (42, 0.64271), +INFO : (43, 0.639985), +INFO : (44, 0.64152), +INFO : (45, 0.63737), +INFO : (46, 0.636275), +INFO : (47, 0.636225), +INFO : (48, 0.63618), +INFO : (49, 0.63334), +INFO : (50, 0.63343)], +INFO : 'val_loss': [(1, 19994.420658959447), +INFO : (2, 16668.10993782841), +INFO : (3, 15322.340614419247), +INFO : (4, 14462.732303591654), +INFO : (5, 13710.108081672992), +INFO : (6, 13179.779158243316), +INFO : (7, 12555.143653778598), +INFO : (8, 12085.024723641956), +INFO : (9, 11721.771654521168), +INFO : (10, 11415.779539277259), +INFO : (11, 11171.34971125398), +INFO : (12, 10919.055947622379), +INFO : (13, 10699.441508691547), +INFO : (14, 10632.513004024599), +INFO : (15, 10473.903099718034), +INFO : (16, 10353.631488984132), +INFO : (17, 10333.31003823822), +INFO : (18, 10248.37808431336), +INFO : (19, 10203.153804906378), +INFO : (20, 10217.427552240859), +INFO : (21, 10204.237814369593), +INFO : (22, 10145.832892592167), +INFO : (23, 10200.243251633263), +INFO : (24, 10200.840992356685), +INFO : (25, 10325.241765224479), +INFO : (26, 10278.432566206262), +INFO : (27, 10415.87980339529), +INFO : (28, 10471.545179042461), +INFO : (29, 10567.275898816171), +INFO : (30, 10679.704070745202), +INFO : (31, 10802.062443263547), +INFO : (32, 10954.64277967395), +INFO : (33, 11143.744735249757), +INFO : (34, 11270.564717170028), +INFO : (35, 11521.517625575989), +INFO : (36, 11618.00172257213), +INFO : (37, 11786.702772589331), +INFO : (38, 12078.009100085523), +INFO : (39, 12360.49827157447), +INFO : (40, 12543.18056903527), +INFO : (41, 12738.519090787573), +INFO : (42, 12982.607214689098), +INFO : (43, 13358.574777727703), +INFO : (44, 13532.100525911022), +INFO : (45, 13835.24892851817), +INFO : (46, 14249.653184914707), +INFO : (47, 14578.376761845655), +INFO : (48, 14895.434854432633), +INFO : (49, 15299.132215278616), +INFO : (50, 15623.606613728107)]} +INFO : +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3019887) Files already downloaded and verified +(ClientAppActor pid=3019882) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..7411941a5f2a --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_2_TRIAL.txt @@ -0,0 +1,3815 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024548) INFO : Starting training... +(ClientAppActor pid=3024554) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024558) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024551) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... +(ClientAppActor pid=3024557) INFO : Starting training... +(ClientAppActor pid=3024551) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024558) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024560) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024560) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024557) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024557) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024548) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024549) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024547) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024557) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024554) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024560) INFO : Starting training... +(ClientAppActor pid=3024553) INFO : Starting training... +(ClientAppActor pid=3024550) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... +(ClientAppActor pid=3024547) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024561) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024548) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024548) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024551) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024558) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024554) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... +(ClientAppActor pid=3024557) INFO : Starting training... +(ClientAppActor pid=3024560) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3024546) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... +(ClientAppActor pid=3024557) INFO : Starting training... +(ClientAppActor pid=3024547) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3024561) INFO : Starting training... +(ClientAppActor pid=3024556) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024548) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024549) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024561) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024560) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024560) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024550) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024557) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024558) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024546) INFO : Starting training... +(ClientAppActor pid=3024550) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024556) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024559) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024561) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024559) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024546) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024546) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024547) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024546) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024559) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024552) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024560) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024550) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024549) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024549) INFO : Starting training... +(ClientAppActor pid=3024551) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024548) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024554) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024547) INFO : Starting training... +(ClientAppActor pid=3024555) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024561) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... +(ClientAppActor pid=3024557) INFO : Starting training... +(ClientAppActor pid=3024550) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024560) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024552) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024549) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024549) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024555) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024551) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024556) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024560) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024550) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... +(ClientAppActor pid=3024557) INFO : Starting training... +(ClientAppActor pid=3024552) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3024549) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024558) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024549) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024549) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3024554) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024549) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024546) INFO : Starting training... +(ClientAppActor pid=3024548) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024560) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024555) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024546) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024557) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... +(ClientAppActor pid=3024557) INFO : Starting training... +(ClientAppActor pid=3024551) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3024548) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3024553) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3024554) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3024559) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3127.36s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.306684), +INFO : (2, 0.40645), +INFO : (3, 0.452834), +INFO : (4, 0.489294), +INFO : (5, 0.518188), +INFO : (6, 0.538881), +INFO : (7, 0.559098), +INFO : (8, 0.579243), +INFO : (9, 0.594332), +INFO : (10, 0.610196), +INFO : (11, 0.623612), +INFO : (12, 0.636348), +INFO : (13, 0.644761), +INFO : (14, 0.656791), +INFO : (15, 0.665356), +INFO : (16, 0.677125), +INFO : (17, 0.684838), +INFO : (18, 0.693432), +INFO : (19, 0.704852), +INFO : (20, 0.711436), +INFO : (21, 0.717369), +INFO : (22, 0.722239), +INFO : (23, 0.731161), +INFO : (24, 0.740412), +INFO : (25, 0.746872), +INFO : (26, 0.750959), +INFO : (27, 0.7595), +INFO : (28, 0.76726), +INFO : (29, 0.776186), +INFO : (30, 0.778648), +INFO : (31, 0.787251), +INFO : (32, 0.792241), +INFO : (33, 0.79744), +INFO : (34, 0.805871), +INFO : (35, 0.811519), +INFO : (36, 0.814405), +INFO : (37, 0.822164), +INFO : (38, 0.822215), +INFO : (39, 0.826383), +INFO : (40, 0.831897), +INFO : (41, 0.839404), +INFO : (42, 0.842356), +INFO : (43, 0.84883), +INFO : (44, 0.851935), +INFO : (45, 0.858143), +INFO : (46, 0.85768), +INFO : (47, 0.863297), +INFO : (48, 0.866054), +INFO : (49, 0.872463), +INFO : (50, 0.87252)], +INFO : 'train_loss': [(1, 2974.1339859127997), +INFO : (2, 2524.187543040514), +INFO : (3, 2349.267779532075), +INFO : (4, 2204.348944696784), +INFO : (5, 2092.945607724786), +INFO : (6, 2012.9414893507958), +INFO : (7, 1928.8366167634726), +INFO : (8, 1850.2747983753682), +INFO : (9, 1788.3107848495245), +INFO : (10, 1723.206255708635), +INFO : (11, 1665.6952908053995), +INFO : (12, 1613.0885396048427), +INFO : (13, 1575.8146950945259), +INFO : (14, 1525.8182233437897), +INFO : (15, 1486.5744709730147), +INFO : (16, 1435.6039929151534), +INFO : (17, 1401.5731092885137), +INFO : (18, 1363.1631393820048), +INFO : (19, 1312.7012551799417), +INFO : (20, 1283.2491492494942), +INFO : (21, 1256.132981224358), +INFO : (22, 1233.3592894777655), +INFO : (23, 1192.5967635989189), +INFO : (24, 1152.609108890593), +INFO : (25, 1123.4266526795923), +INFO : (26, 1105.8747456558049), +INFO : (27, 1066.167904409021), +INFO : (28, 1034.8343375675381), +INFO : (29, 996.5183812372386), +INFO : (30, 982.6370269700885), +INFO : (31, 946.6100982621313), +INFO : (32, 923.5075951829552), +INFO : (33, 898.9097899347544), +INFO : (34, 864.435094101727), +INFO : (35, 839.220103706792), +INFO : (36, 824.9066020980478), +INFO : (37, 789.4728637967258), +INFO : (38, 785.9917863175273), +INFO : (39, 763.671214132756), +INFO : (40, 740.538271221146), +INFO : (41, 708.8178500950337), +INFO : (42, 693.2712594706566), +INFO : (43, 666.5364600397646), +INFO : (44, 650.913437287137), +INFO : (45, 626.0236642878502), +INFO : (46, 620.0066561413929), +INFO : (47, 597.5511472065002), +INFO : (48, 586.9294552847743), +INFO : (49, 559.905476203002), +INFO : (50, 556.5412584381178)], +INFO : 'val_accuracy': [(1, 0.311405), +INFO : (2, 0.409335), +INFO : (3, 0.451405), +INFO : (4, 0.48298), +INFO : (5, 0.507245), +INFO : (6, 0.52405), +INFO : (7, 0.540015), +INFO : (8, 0.55563), +INFO : (9, 0.56621), +INFO : (10, 0.577785), +INFO : (11, 0.58543), +INFO : (12, 0.59397), +INFO : (13, 0.59953), +INFO : (14, 0.6047), +INFO : (15, 0.60947), +INFO : (16, 0.613795), +INFO : (17, 0.61757), +INFO : (18, 0.62074), +INFO : (19, 0.62545), +INFO : (20, 0.626665), +INFO : (21, 0.62537), +INFO : (22, 0.627075), +INFO : (23, 0.62841), +INFO : (24, 0.62979), +INFO : (25, 0.6304), +INFO : (26, 0.62902), +INFO : (27, 0.63205), +INFO : (28, 0.63058), +INFO : (29, 0.63209), +INFO : (30, 0.6303), +INFO : (31, 0.63012), +INFO : (32, 0.62875), +INFO : (33, 0.627715), +INFO : (34, 0.62792), +INFO : (35, 0.627135), +INFO : (36, 0.62463), +INFO : (37, 0.625405), +INFO : (38, 0.62308), +INFO : (39, 0.620565), +INFO : (40, 0.619785), +INFO : (41, 0.620035), +INFO : (42, 0.61736), +INFO : (43, 0.617485), +INFO : (44, 0.616825), +INFO : (45, 0.61609), +INFO : (46, 0.61365), +INFO : (47, 0.612375), +INFO : (48, 0.61008), +INFO : (49, 0.609445), +INFO : (50, 0.608235)], +INFO : 'val_loss': [(1, 18970.29498911574), +INFO : (2, 16069.744951263814), +INFO : (3, 15009.375290390106), +INFO : (4, 14194.053543373082), +INFO : (5, 13628.105299824849), +INFO : (6, 13249.95210056774), +INFO : (7, 12862.46503388304), +INFO : (8, 12488.625084023568), +INFO : (9, 12222.242400142643), +INFO : (10, 11949.96252970039), +INFO : (11, 11727.464014838637), +INFO : (12, 11509.057066346628), +INFO : (13, 11429.527224968304), +INFO : (14, 11290.882664906514), +INFO : (15, 11196.646005195698), +INFO : (16, 11067.124995599617), +INFO : (17, 11010.972964748855), +INFO : (18, 10983.97860276152), +INFO : (19, 10888.407234930439), +INFO : (20, 10885.038579117356), +INFO : (21, 10975.993740657363), +INFO : (22, 11022.420140329952), +INFO : (23, 11028.526502787892), +INFO : (24, 11030.663790932946), +INFO : (25, 11119.53875324694), +INFO : (26, 11208.795449363392), +INFO : (27, 11289.218681708478), +INFO : (28, 11343.59701704804), +INFO : (29, 11397.237898472122), +INFO : (30, 11599.632867774504), +INFO : (31, 11712.575261121876), +INFO : (32, 11888.592294480075), +INFO : (33, 12063.894195486952), +INFO : (34, 12159.048225590966), +INFO : (35, 12318.322760249683), +INFO : (36, 12581.391342005732), +INFO : (37, 12746.637090680619), +INFO : (38, 13040.46392809305), +INFO : (39, 13306.23943531986), +INFO : (40, 13508.847056307157), +INFO : (41, 13744.277792508821), +INFO : (42, 14009.736791058043), +INFO : (43, 14239.669878695782), +INFO : (44, 14567.817131303444), +INFO : (45, 14862.761729801266), +INFO : (46, 15318.23329284934), +INFO : (47, 15566.04019601474), +INFO : (48, 15972.142698035315), +INFO : (49, 16249.52633948199), +INFO : (50, 16622.048924153387)]} +INFO : +(ClientAppActor pid=3024557) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3024561) Files already downloaded and verified +(ClientAppActor pid=3024556) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..7d97fd9c704d --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_3_TRIAL.txt @@ -0,0 +1,3834 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030247) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3030259) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030256) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3030256) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3030257) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030257) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030253) INFO : Starting training... +(ClientAppActor pid=3030254) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030253) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030250) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030254) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030250) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030250) INFO : Starting training... +(ClientAppActor pid=3030260) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030259) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030257) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030250) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030258) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030261) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030257) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030254) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030248) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030258) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030260) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3030249) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030257) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030257) INFO : Starting training... +(ClientAppActor pid=3030261) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030259) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030256) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030253) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030260) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030250) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030258) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030249) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030247) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030260) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030258) INFO : Starting training... +(ClientAppActor pid=3030248) INFO : Starting training... +(ClientAppActor pid=3030249) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030256) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030249) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3030249) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3030254) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030257) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030254) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030256) INFO : Starting training... +(ClientAppActor pid=3030255) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030252) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030247) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030254) INFO : Starting training... +(ClientAppActor pid=3030259) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030257) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030246) INFO : Starting training... +(ClientAppActor pid=3030254) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030255) INFO : Starting training... +(ClientAppActor pid=3030258) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030249) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030253) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030255) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030261) INFO : Starting training... +(ClientAppActor pid=3030250) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030258) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030261) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030257) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030260) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030261) INFO : Starting training... +(ClientAppActor pid=3030258) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030254) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030252) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030254) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030250) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030258) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030253) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030256) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030249) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... +(ClientAppActor pid=3030252) INFO : Starting training... +(ClientAppActor pid=3030260) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3030246) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030259) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030260) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030248) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030261) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030249) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3030249) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030259) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030253) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030252) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3030251) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3030250) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3030256) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3130.36s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.191413), +INFO : (2, 0.335573), +INFO : (3, 0.420607), +INFO : (4, 0.475438), +INFO : (5, 0.512864), +INFO : (6, 0.538722), +INFO : (7, 0.563996), +INFO : (8, 0.586351), +INFO : (9, 0.60783), +INFO : (10, 0.62408), +INFO : (11, 0.639403), +INFO : (12, 0.652203), +INFO : (13, 0.665541), +INFO : (14, 0.679228), +INFO : (15, 0.689342), +INFO : (16, 0.695525), +INFO : (17, 0.705057), +INFO : (18, 0.716037), +INFO : (19, 0.722732), +INFO : (20, 0.735754), +INFO : (21, 0.741009), +INFO : (22, 0.745884), +INFO : (23, 0.749991), +INFO : (24, 0.761145), +INFO : (25, 0.766304), +INFO : (26, 0.772373), +INFO : (27, 0.779384), +INFO : (28, 0.785255), +INFO : (29, 0.793869), +INFO : (30, 0.797548), +INFO : (31, 0.801346), +INFO : (32, 0.807295), +INFO : (33, 0.808399), +INFO : (34, 0.815235), +INFO : (35, 0.821659), +INFO : (36, 0.827746), +INFO : (37, 0.836826), +INFO : (38, 0.836612), +INFO : (39, 0.843151), +INFO : (40, 0.843219), +INFO : (41, 0.848656), +INFO : (42, 0.852432), +INFO : (43, 0.856203), +INFO : (44, 0.862923), +INFO : (45, 0.866331), +INFO : (46, 0.870324), +INFO : (47, 0.870435), +INFO : (48, 0.875846), +INFO : (49, 0.880905), +INFO : (50, 0.882912)], +INFO : 'train_loss': [(1, 3570.2290284633636), +INFO : (2, 2872.047761660814), +INFO : (3, 2479.865512007475), +INFO : (4, 2256.0022501200438), +INFO : (5, 2120.4203395277264), +INFO : (6, 2017.9458034545182), +INFO : (7, 1916.9879442423583), +INFO : (8, 1828.323776486516), +INFO : (9, 1739.6345841109753), +INFO : (10, 1665.8939074918628), +INFO : (11, 1602.5865371480584), +INFO : (12, 1548.392696005106), +INFO : (13, 1494.7659718438983), +INFO : (14, 1434.0260266929865), +INFO : (15, 1389.7564784362912), +INFO : (16, 1360.2267714589834), +INFO : (17, 1317.443073347956), +INFO : (18, 1270.771369999647), +INFO : (19, 1239.6909338250757), +INFO : (20, 1185.8742126621305), +INFO : (21, 1160.3974307343365), +INFO : (22, 1139.2459710501134), +INFO : (23, 1119.6693385966123), +INFO : (24, 1069.1282401353121), +INFO : (25, 1045.3021630190312), +INFO : (26, 1018.0105858474969), +INFO : (27, 986.5804388344288), +INFO : (28, 956.9418733019381), +INFO : (29, 923.8925316892564), +INFO : (30, 904.9802849862724), +INFO : (31, 885.980260194093), +INFO : (32, 860.5454620920121), +INFO : (33, 849.0356633335352), +INFO : (34, 821.1050126738846), +INFO : (35, 792.9206612180918), +INFO : (36, 768.2376390479506), +INFO : (37, 728.9337324209512), +INFO : (38, 726.0943671833724), +INFO : (39, 698.5773915413768), +INFO : (40, 695.4922789148986), +INFO : (41, 670.5303624603897), +INFO : (42, 653.9871156243606), +INFO : (43, 636.6535314824432), +INFO : (44, 609.8621612623334), +INFO : (45, 592.6617636695504), +INFO : (46, 572.6072703206911), +INFO : (47, 571.2634263049811), +INFO : (48, 546.6364746855571), +INFO : (49, 526.4608318096027), +INFO : (50, 515.532639119029)], +INFO : 'val_accuracy': [(1, 0.190065), +INFO : (2, 0.340105), +INFO : (3, 0.418965), +INFO : (4, 0.47039), +INFO : (5, 0.502865), +INFO : (6, 0.525105), +INFO : (7, 0.54679), +INFO : (8, 0.56599), +INFO : (9, 0.58447), +INFO : (10, 0.595585), +INFO : (11, 0.60836), +INFO : (12, 0.615455), +INFO : (13, 0.623995), +INFO : (14, 0.633155), +INFO : (15, 0.638975), +INFO : (16, 0.6406), +INFO : (17, 0.64547), +INFO : (18, 0.65049), +INFO : (19, 0.651555), +INFO : (20, 0.65754), +INFO : (21, 0.6567), +INFO : (22, 0.656505), +INFO : (23, 0.65595), +INFO : (24, 0.660715), +INFO : (25, 0.66018), +INFO : (26, 0.65939), +INFO : (27, 0.660345), +INFO : (28, 0.66088), +INFO : (29, 0.662155), +INFO : (30, 0.65983), +INFO : (31, 0.65828), +INFO : (32, 0.658075), +INFO : (33, 0.654305), +INFO : (34, 0.65528), +INFO : (35, 0.654835), +INFO : (36, 0.65446), +INFO : (37, 0.654595), +INFO : (38, 0.6522), +INFO : (39, 0.652445), +INFO : (40, 0.64945), +INFO : (41, 0.64782), +INFO : (42, 0.64707), +INFO : (43, 0.645665), +INFO : (44, 0.645265), +INFO : (45, 0.64418), +INFO : (46, 0.64349), +INFO : (47, 0.64028), +INFO : (48, 0.63935), +INFO : (49, 0.638905), +INFO : (50, 0.637525)], +INFO : 'val_loss': [(1, 22845.134492826463), +INFO : (2, 18358.14389316701), +INFO : (3, 15867.810946299694), +INFO : (4, 14506.049940106783), +INFO : (5, 13739.525290157086), +INFO : (6, 13176.39342796921), +INFO : (7, 12637.082668755871), +INFO : (8, 12157.448804713318), +INFO : (9, 11725.555912022075), +INFO : (10, 11404.846357046392), +INFO : (11, 11137.033969891861), +INFO : (12, 10926.196369455076), +INFO : (13, 10743.446319297795), +INFO : (14, 10519.656016760111), +INFO : (15, 10395.06893083793), +INFO : (16, 10374.575445563587), +INFO : (17, 10278.841239152065), +INFO : (18, 10183.410299425395), +INFO : (19, 10186.886849339942), +INFO : (20, 10043.246598810014), +INFO : (21, 10091.4309385069), +INFO : (22, 10159.74514082221), +INFO : (23, 10242.208148785461), +INFO : (24, 10173.540173298632), +INFO : (25, 10255.981385823712), +INFO : (26, 10300.051378431577), +INFO : (27, 10334.386184126759), +INFO : (28, 10437.023468950696), +INFO : (29, 10479.682508270838), +INFO : (30, 10637.477473586494), +INFO : (31, 10792.292936639828), +INFO : (32, 10949.521792462125), +INFO : (33, 11178.367028332605), +INFO : (34, 11271.226132550335), +INFO : (35, 11404.98880776921), +INFO : (36, 11570.098841420464), +INFO : (37, 11685.344773349756), +INFO : (38, 12017.602235345637), +INFO : (39, 12183.458520774691), +INFO : (40, 12470.50882291704), +INFO : (41, 12710.918190465098), +INFO : (42, 12983.922259787378), +INFO : (43, 13229.68750703137), +INFO : (44, 13480.695932735704), +INFO : (45, 13767.319674004748), +INFO : (46, 14042.385303986941), +INFO : (47, 14416.012820456146), +INFO : (48, 14765.482011558512), +INFO : (49, 15052.69617960278), +INFO : (50, 15442.058416398486)]} +INFO : +(ClientAppActor pid=3030255) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3030249) Files already downloaded and verified +(ClientAppActor pid=3030255) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..d915d413cd88 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_20_C_0.05_NOISE_4_TRIAL.txt @@ -0,0 +1,3830 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034915) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034917) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034916) INFO : Starting training... +(ClientAppActor pid=3034926) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034926) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034918) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034919) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034922) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034929) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034923) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034926) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034918) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034919) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034930) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034926) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034917) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034930) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034917) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034915) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034919) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034915) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034916) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034930) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034916) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034916) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034918) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034923) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034923) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034926) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034924) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034924) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034916) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034922) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034916) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034926) INFO : Starting training... +(ClientAppActor pid=3034923) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034916) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034917) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034926) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034928) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034920) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034916) INFO : Starting training... +(ClientAppActor pid=3034926) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034920) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034918) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034919) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034924) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034926) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034922) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034921) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034922) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034922) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034916) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034922) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034930) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034922) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034919) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034925) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034926) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034915) INFO : Starting training... +(ClientAppActor pid=3034919) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034919) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034929) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034926) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034930) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034926) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034928) INFO : Starting training... +(ClientAppActor pid=3034929) INFO : Starting training... +(ClientAppActor pid=3034915) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034928) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034918) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034924) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034919) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034917) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034929) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034921) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034925) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3034921) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034929) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034928) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034919) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3034929) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3034916) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034923) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034922) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3034927) INFO : Starting training... +(ClientAppActor pid=3034917) INFO : Starting training... +(ClientAppActor pid=3034920) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3034926) INFO : Starting training... +(ClientAppActor pid=3034916) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3046.27s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.251772), +INFO : (2, 0.358971), +INFO : (3, 0.438263), +INFO : (4, 0.476013), +INFO : (5, 0.509571), +INFO : (6, 0.537923), +INFO : (7, 0.560154), +INFO : (8, 0.578659), +INFO : (9, 0.598269), +INFO : (10, 0.618653), +INFO : (11, 0.632587), +INFO : (12, 0.643576), +INFO : (13, 0.655243), +INFO : (14, 0.66606), +INFO : (15, 0.675492), +INFO : (16, 0.685675), +INFO : (17, 0.692724), +INFO : (18, 0.701362), +INFO : (19, 0.710336), +INFO : (20, 0.716932), +INFO : (21, 0.729036), +INFO : (22, 0.733905), +INFO : (23, 0.74296), +INFO : (24, 0.747512), +INFO : (25, 0.753551), +INFO : (26, 0.761097), +INFO : (27, 0.766702), +INFO : (28, 0.773389), +INFO : (29, 0.781625), +INFO : (30, 0.783212), +INFO : (31, 0.787369), +INFO : (32, 0.798348), +INFO : (33, 0.801006), +INFO : (34, 0.809575), +INFO : (35, 0.810657), +INFO : (36, 0.815148), +INFO : (37, 0.824642), +INFO : (38, 0.824614), +INFO : (39, 0.830488), +INFO : (40, 0.838048), +INFO : (41, 0.842618), +INFO : (42, 0.843548), +INFO : (43, 0.850432), +INFO : (44, 0.856006), +INFO : (45, 0.855853), +INFO : (46, 0.860678), +INFO : (47, 0.861345), +INFO : (48, 0.868086), +INFO : (49, 0.872477), +INFO : (50, 0.873942)], +INFO : 'train_loss': [(1, 3168.7810369193553), +INFO : (2, 2755.9421362698076), +INFO : (3, 2412.653792887926), +INFO : (4, 2259.6253619074823), +INFO : (5, 2128.56068149209), +INFO : (6, 2015.6037184715271), +INFO : (7, 1924.6995398938657), +INFO : (8, 1846.587120848894), +INFO : (9, 1764.5649414122104), +INFO : (10, 1687.577680888772), +INFO : (11, 1631.4064240962266), +INFO : (12, 1581.834070391953), +INFO : (13, 1534.0759408682584), +INFO : (14, 1485.5259024262427), +INFO : (15, 1444.1504807278513), +INFO : (16, 1398.9151736304163), +INFO : (17, 1369.8185276865959), +INFO : (18, 1330.9926220566035), +INFO : (19, 1293.5666069865226), +INFO : (20, 1262.0797658249735), +INFO : (21, 1210.8791470095516), +INFO : (22, 1190.5850383393467), +INFO : (23, 1153.0368985012174), +INFO : (24, 1130.6396382831037), +INFO : (25, 1100.8833682954312), +INFO : (26, 1066.6831066325308), +INFO : (27, 1042.0748018175364), +INFO : (28, 1012.1003803282977), +INFO : (29, 977.6724007874727), +INFO : (30, 963.6315579254181), +INFO : (31, 946.0745142169296), +INFO : (32, 901.4440161354839), +INFO : (33, 886.0821534387767), +INFO : (34, 851.0013010691852), +INFO : (35, 842.4670995049179), +INFO : (36, 821.3745291437954), +INFO : (37, 783.3092099197208), +INFO : (38, 778.3748120386153), +INFO : (39, 754.0316793236882), +INFO : (40, 723.4417246561497), +INFO : (41, 702.5054716419429), +INFO : (42, 693.8939004771412), +INFO : (43, 665.7148080520332), +INFO : (44, 642.3361486775801), +INFO : (45, 639.0653556216508), +INFO : (46, 616.0053123705089), +INFO : (47, 612.7975887274368), +INFO : (48, 583.9550533033907), +INFO : (49, 564.3076894249767), +INFO : (50, 555.2709015343338)], +INFO : 'val_accuracy': [(1, 0.258295), +INFO : (2, 0.363785), +INFO : (3, 0.44015), +INFO : (4, 0.474805), +INFO : (5, 0.50536), +INFO : (6, 0.52723), +INFO : (7, 0.546725), +INFO : (8, 0.56167), +INFO : (9, 0.57716), +INFO : (10, 0.591085), +INFO : (11, 0.60257), +INFO : (12, 0.608765), +INFO : (13, 0.617595), +INFO : (14, 0.623605), +INFO : (15, 0.62894), +INFO : (16, 0.63367), +INFO : (17, 0.63618), +INFO : (18, 0.63994), +INFO : (19, 0.6436), +INFO : (20, 0.64405), +INFO : (21, 0.65004), +INFO : (22, 0.64919), +INFO : (23, 0.651725), +INFO : (24, 0.650505), +INFO : (25, 0.650115), +INFO : (26, 0.65075), +INFO : (27, 0.651255), +INFO : (28, 0.65069), +INFO : (29, 0.651925), +INFO : (30, 0.64945), +INFO : (31, 0.64696), +INFO : (32, 0.64895), +INFO : (33, 0.64726), +INFO : (34, 0.64713), +INFO : (35, 0.644485), +INFO : (36, 0.644415), +INFO : (37, 0.644325), +INFO : (38, 0.641935), +INFO : (39, 0.640725), +INFO : (40, 0.63919), +INFO : (41, 0.63866), +INFO : (42, 0.63578), +INFO : (43, 0.63683), +INFO : (44, 0.63567), +INFO : (45, 0.633365), +INFO : (46, 0.632735), +INFO : (47, 0.63063), +INFO : (48, 0.62973), +INFO : (49, 0.63011), +INFO : (50, 0.628095)], +INFO : 'val_loss': [(1, 20172.073842734848), +INFO : (2, 17529.576956095178), +INFO : (3, 15389.158621736895), +INFO : (4, 14439.767064743794), +INFO : (5, 13706.08130002838), +INFO : (6, 13127.940682841936), +INFO : (7, 12649.859343392769), +INFO : (8, 12258.482174025083), +INFO : (9, 11845.656145941177), +INFO : (10, 11465.848757377484), +INFO : (11, 11231.501066872652), +INFO : (12, 11066.146275017836), +INFO : (13, 10891.148567149809), +INFO : (14, 10720.445982494422), +INFO : (15, 10623.834387671426), +INFO : (16, 10496.97292447115), +INFO : (17, 10478.646931013727), +INFO : (18, 10398.570006745624), +INFO : (19, 10347.151117419182), +INFO : (20, 10345.628443258262), +INFO : (21, 10233.232026139458), +INFO : (22, 10282.147638765662), +INFO : (23, 10260.588327798587), +INFO : (24, 10380.195419862055), +INFO : (25, 10442.425145813613), +INFO : (26, 10506.66074224748), +INFO : (27, 10553.528799682641), +INFO : (28, 10657.728663981465), +INFO : (29, 10710.641118771204), +INFO : (30, 10895.015628186015), +INFO : (31, 11027.965605241932), +INFO : (32, 11112.103934665125), +INFO : (33, 11318.677633767697), +INFO : (34, 11373.374188214195), +INFO : (35, 11605.841373221563), +INFO : (36, 11849.825832815133), +INFO : (37, 11937.78540018066), +INFO : (38, 12249.430065380966), +INFO : (39, 12426.29284580558), +INFO : (40, 12591.310208898745), +INFO : (41, 12795.948577213878), +INFO : (42, 13151.136827866469), +INFO : (43, 13352.308543653691), +INFO : (44, 13603.195877147837), +INFO : (45, 14015.19829833912), +INFO : (46, 14258.153607369479), +INFO : (47, 14620.580622827334), +INFO : (48, 14867.283367615682), +INFO : (49, 15178.438538212886), +INFO : (50, 15451.909383870552)]} +INFO : +(ClientAppActor pid=3034922) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3034915) Files already downloaded and verified +(ClientAppActor pid=3034928) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..1e51ce964006 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_0_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840834) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840845) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840834) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840845) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840834) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840840) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840838) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840840) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840838) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840834) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840844) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840834) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840844) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840834) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840844) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840834) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840845) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840836) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840840) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840845) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840844) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840840) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840838) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840840) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840845) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840844) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840840) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840834) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840840) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840834) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840840) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840834) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840844) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840845) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2840844) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1230.57s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.273936), +INFO : (2, 0.38254), +INFO : (3, 0.453136), +INFO : (4, 0.486976), +INFO : (5, 0.524136), +INFO : (6, 0.549384), +INFO : (7, 0.564188), +INFO : (8, 0.57988), +INFO : (9, 0.596496), +INFO : (10, 0.615992), +INFO : (11, 0.627792), +INFO : (12, 0.6396), +INFO : (13, 0.651332), +INFO : (14, 0.657008), +INFO : (15, 0.672968), +INFO : (16, 0.680576), +INFO : (17, 0.693888), +INFO : (18, 0.70324), +INFO : (19, 0.712516), +INFO : (20, 0.716092), +INFO : (21, 0.725648), +INFO : (22, 0.73518), +INFO : (23, 0.74108), +INFO : (24, 0.7498), +INFO : (25, 0.759792), +INFO : (26, 0.756124), +INFO : (27, 0.767296), +INFO : (28, 0.769836), +INFO : (29, 0.776368), +INFO : (30, 0.78256), +INFO : (31, 0.788384), +INFO : (32, 0.793128), +INFO : (33, 0.804688), +INFO : (34, 0.801664), +INFO : (35, 0.812832), +INFO : (36, 0.821332), +INFO : (37, 0.820436), +INFO : (38, 0.824324), +INFO : (39, 0.835544), +INFO : (40, 0.834152), +INFO : (41, 0.839332), +INFO : (42, 0.836204), +INFO : (43, 0.845376), +INFO : (44, 0.852392), +INFO : (45, 0.854616), +INFO : (46, 0.852112), +INFO : (47, 0.862812), +INFO : (48, 0.864084), +INFO : (49, 0.868616), +INFO : (50, 0.870356)], +INFO : 'train_loss': [(1, 3096.222029590607), +INFO : (2, 2628.235178542137), +INFO : (3, 2351.815592765808), +INFO : (4, 2226.0910009264944), +INFO : (5, 2070.350381600857), +INFO : (6, 1966.5572967767716), +INFO : (7, 1898.2561715364457), +INFO : (8, 1839.7266214251517), +INFO : (9, 1771.337507379055), +INFO : (10, 1691.967863047123), +INFO : (11, 1643.0070484519006), +INFO : (12, 1598.8617814421655), +INFO : (13, 1549.5098560035228), +INFO : (14, 1524.9736668169498), +INFO : (15, 1455.8614611268044), +INFO : (16, 1418.9249018728733), +INFO : (17, 1364.2959616661071), +INFO : (18, 1324.9114803433417), +INFO : (19, 1287.1505153656005), +INFO : (20, 1266.1316454946996), +INFO : (21, 1222.9469604492188), +INFO : (22, 1180.295112362504), +INFO : (23, 1154.0931834667922), +INFO : (24, 1118.0226925045251), +INFO : (25, 1083.6818828344344), +INFO : (26, 1079.862664848566), +INFO : (27, 1037.3488050073386), +INFO : (28, 1020.8156361579895), +INFO : (29, 992.1992173284292), +INFO : (30, 962.8787171572446), +INFO : (31, 938.3840311437846), +INFO : (32, 918.2126935064792), +INFO : (33, 868.6750420868397), +INFO : (34, 872.9218508392572), +INFO : (35, 828.2197078019381), +INFO : (36, 793.7105580434203), +INFO : (37, 792.0681710124015), +INFO : (38, 774.4440716296434), +INFO : (39, 730.6388762757182), +INFO : (40, 726.3934342123569), +INFO : (41, 707.5983073681593), +INFO : (42, 721.3449169635772), +INFO : (43, 677.5708359658718), +INFO : (44, 649.44868067801), +INFO : (45, 638.1917790263891), +INFO : (46, 642.7495890498161), +INFO : (47, 600.2916719198226), +INFO : (48, 592.8530193254352), +INFO : (49, 573.5046106852591), +INFO : (50, 564.1039545498788)], +INFO : 'val_accuracy': [(1, 0.28142), +INFO : (2, 0.38234), +INFO : (3, 0.4503), +INFO : (4, 0.4802), +INFO : (5, 0.5148), +INFO : (6, 0.5359), +INFO : (7, 0.54854), +INFO : (8, 0.56078), +INFO : (9, 0.57192), +INFO : (10, 0.59), +INFO : (11, 0.5938), +INFO : (12, 0.60282), +INFO : (13, 0.6081), +INFO : (14, 0.61238), +INFO : (15, 0.62012), +INFO : (16, 0.6243), +INFO : (17, 0.62876), +INFO : (18, 0.63444), +INFO : (19, 0.63382), +INFO : (20, 0.63316), +INFO : (21, 0.63738), +INFO : (22, 0.63868), +INFO : (23, 0.64166), +INFO : (24, 0.64126), +INFO : (25, 0.64132), +INFO : (26, 0.63776), +INFO : (27, 0.63932), +INFO : (28, 0.64184), +INFO : (29, 0.63864), +INFO : (30, 0.63884), +INFO : (31, 0.63802), +INFO : (32, 0.63648), +INFO : (33, 0.63858), +INFO : (34, 0.6323), +INFO : (35, 0.63504), +INFO : (36, 0.63706), +INFO : (37, 0.63186), +INFO : (38, 0.63334), +INFO : (39, 0.63372), +INFO : (40, 0.62984), +INFO : (41, 0.62852), +INFO : (42, 0.62566), +INFO : (43, 0.62398), +INFO : (44, 0.62828), +INFO : (45, 0.62122), +INFO : (46, 0.6215), +INFO : (47, 0.62202), +INFO : (48, 0.62274), +INFO : (49, 0.61938), +INFO : (50, 0.61896)], +INFO : 'val_loss': [(1, 19749.112681770326), +INFO : (2, 16796.32353459522), +INFO : (3, 15080.620678904095), +INFO : (4, 14390.906885144765), +INFO : (5, 13524.76349530929), +INFO : (6, 12960.029519815334), +INFO : (7, 12636.126943279816), +INFO : (8, 12386.545749341953), +INFO : (9, 12086.110913483635), +INFO : (10, 11696.669789422273), +INFO : (11, 11550.9555086003), +INFO : (12, 11385.848414290735), +INFO : (13, 11213.499736637277), +INFO : (14, 11196.297672739494), +INFO : (15, 11002.722349167643), +INFO : (16, 10905.913040074214), +INFO : (17, 10784.05248418402), +INFO : (18, 10701.047888408619), +INFO : (19, 10638.475719838038), +INFO : (20, 10764.363578808698), +INFO : (21, 10683.624498750203), +INFO : (22, 10670.62230738202), +INFO : (23, 10742.192490023384), +INFO : (24, 10760.65546681897), +INFO : (25, 10704.12778648512), +INFO : (26, 10986.481564073893), +INFO : (27, 10969.116281734823), +INFO : (28, 11145.917049548869), +INFO : (29, 11365.566857748867), +INFO : (30, 11441.229620750055), +INFO : (31, 11475.583478565408), +INFO : (32, 11732.288031909748), +INFO : (33, 11766.576980662183), +INFO : (34, 12126.646344302348), +INFO : (35, 12131.904722506419), +INFO : (36, 12262.024476419176), +INFO : (37, 12596.151239617424), +INFO : (38, 12876.20242220492), +INFO : (39, 13013.703284781315), +INFO : (40, 13394.177504511445), +INFO : (41, 13536.65861097966), +INFO : (42, 14142.088873309483), +INFO : (43, 14206.365208849202), +INFO : (44, 14449.349048937233), +INFO : (45, 14926.600672510449), +INFO : (46, 15278.039189293886), +INFO : (47, 15332.78272710393), +INFO : (48, 15600.454316590502), +INFO : (49, 15958.501200599068), +INFO : (50, 16486.446532363258)]} +INFO : +(ClientAppActor pid=2840837) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2840838) Files already downloaded and verified +(ClientAppActor pid=2840842) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2840846) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2840849) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2840849) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..42f07476145f --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_1_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861201) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861192) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861195) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861195) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861195) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861189) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861192) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861192) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861192) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861195) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861195) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861192) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861192) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2861196) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1203.48s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.258272), +INFO : (2, 0.3345), +INFO : (3, 0.436168), +INFO : (4, 0.471452), +INFO : (5, 0.5044), +INFO : (6, 0.531828), +INFO : (7, 0.552528), +INFO : (8, 0.570984), +INFO : (9, 0.594292), +INFO : (10, 0.609288), +INFO : (11, 0.618032), +INFO : (12, 0.635692), +INFO : (13, 0.64796), +INFO : (14, 0.657812), +INFO : (15, 0.659668), +INFO : (16, 0.670432), +INFO : (17, 0.67862), +INFO : (18, 0.691852), +INFO : (19, 0.698816), +INFO : (20, 0.709692), +INFO : (21, 0.70994), +INFO : (22, 0.724084), +INFO : (23, 0.7326), +INFO : (24, 0.737724), +INFO : (25, 0.743732), +INFO : (26, 0.750388), +INFO : (27, 0.755652), +INFO : (28, 0.768536), +INFO : (29, 0.77362), +INFO : (30, 0.775464), +INFO : (31, 0.77766), +INFO : (32, 0.783952), +INFO : (33, 0.79136), +INFO : (34, 0.798628), +INFO : (35, 0.80242), +INFO : (36, 0.809608), +INFO : (37, 0.8119), +INFO : (38, 0.819192), +INFO : (39, 0.826972), +INFO : (40, 0.823364), +INFO : (41, 0.830848), +INFO : (42, 0.834308), +INFO : (43, 0.83972), +INFO : (44, 0.845648), +INFO : (45, 0.849028), +INFO : (46, 0.847996), +INFO : (47, 0.855228), +INFO : (48, 0.8579), +INFO : (49, 0.861704), +INFO : (50, 0.863396)], +INFO : 'train_loss': [(1, 3231.7345079898832), +INFO : (2, 2858.5155342817307), +INFO : (3, 2419.4094056725503), +INFO : (4, 2276.486228597164), +INFO : (5, 2142.372981286049), +INFO : (6, 2033.2655554771422), +INFO : (7, 1953.4751286745072), +INFO : (8, 1877.5715197563172), +INFO : (9, 1796.5367341399192), +INFO : (10, 1732.6257422566414), +INFO : (11, 1687.0476593732833), +INFO : (12, 1619.8523901820183), +INFO : (13, 1568.3805929243565), +INFO : (14, 1521.2523400068283), +INFO : (15, 1504.1231200039388), +INFO : (16, 1461.9941059112548), +INFO : (17, 1428.8403972625733), +INFO : (18, 1373.1912179052829), +INFO : (19, 1340.3057751715182), +INFO : (20, 1295.138156914711), +INFO : (21, 1298.3420401334763), +INFO : (22, 1238.3198318779469), +INFO : (23, 1198.4166154265404), +INFO : (24, 1172.071506690979), +INFO : (25, 1146.3743854761124), +INFO : (26, 1117.6885908067227), +INFO : (27, 1091.3416956961155), +INFO : (28, 1041.2013165086507), +INFO : (29, 1015.6039576590061), +INFO : (30, 1001.426166832447), +INFO : (31, 991.0095841675997), +INFO : (32, 966.1452750056982), +INFO : (33, 932.1486339122057), +INFO : (34, 894.5489803150297), +INFO : (35, 882.3903022229672), +INFO : (36, 852.1512117981911), +INFO : (37, 836.4428390711546), +INFO : (38, 807.0370475769043), +INFO : (39, 775.7711215496063), +INFO : (40, 783.060307200253), +INFO : (41, 752.6019156217575), +INFO : (42, 735.9421155124903), +INFO : (43, 711.4470911249518), +INFO : (44, 687.1581930890679), +INFO : (45, 669.036172182858), +INFO : (46, 670.3163063749671), +INFO : (47, 638.4365799754858), +INFO : (48, 627.2321078032255), +INFO : (49, 609.2422473326326), +INFO : (50, 599.1410914480687)], +INFO : 'val_accuracy': [(1, 0.26504), +INFO : (2, 0.33706), +INFO : (3, 0.43836), +INFO : (4, 0.4715), +INFO : (5, 0.503), +INFO : (6, 0.52628), +INFO : (7, 0.54218), +INFO : (8, 0.55464), +INFO : (9, 0.5717), +INFO : (10, 0.58134), +INFO : (11, 0.58668), +INFO : (12, 0.59792), +INFO : (13, 0.60626), +INFO : (14, 0.61238), +INFO : (15, 0.61134), +INFO : (16, 0.61492), +INFO : (17, 0.6187), +INFO : (18, 0.62562), +INFO : (19, 0.62726), +INFO : (20, 0.63242), +INFO : (21, 0.62986), +INFO : (22, 0.63296), +INFO : (23, 0.63534), +INFO : (24, 0.63614), +INFO : (25, 0.63634), +INFO : (26, 0.63606), +INFO : (27, 0.63596), +INFO : (28, 0.64286), +INFO : (29, 0.6407), +INFO : (30, 0.64082), +INFO : (31, 0.63672), +INFO : (32, 0.63694), +INFO : (33, 0.63524), +INFO : (34, 0.63896), +INFO : (35, 0.63424), +INFO : (36, 0.63628), +INFO : (37, 0.63504), +INFO : (38, 0.63562), +INFO : (39, 0.63344), +INFO : (40, 0.62984), +INFO : (41, 0.63214), +INFO : (42, 0.62644), +INFO : (43, 0.62612), +INFO : (44, 0.63078), +INFO : (45, 0.6283), +INFO : (46, 0.62564), +INFO : (47, 0.6268), +INFO : (48, 0.62276), +INFO : (49, 0.62342), +INFO : (50, 0.62156)], +INFO : 'val_loss': [(1, 20578.28272138536), +INFO : (2, 18208.91773417294), +INFO : (3, 15456.137073127924), +INFO : (4, 14594.820047579333), +INFO : (5, 13771.827395005152), +INFO : (6, 13182.186458226084), +INFO : (7, 12783.181337565158), +INFO : (8, 12406.712844404392), +INFO : (9, 12034.573002340396), +INFO : (10, 11783.607909131448), +INFO : (11, 11617.831619512177), +INFO : (12, 11356.227088731872), +INFO : (13, 11160.55943014555), +INFO : (14, 11018.246015503813), +INFO : (15, 11059.20050980408), +INFO : (16, 10976.756941161046), +INFO : (17, 10881.852745801494), +INFO : (18, 10699.389042678362), +INFO : (19, 10769.225215240911), +INFO : (20, 10638.203342503728), +INFO : (21, 10769.162839924717), +INFO : (22, 10720.326659903314), +INFO : (23, 10636.728324115262), +INFO : (24, 10704.211577409342), +INFO : (25, 10745.655898960935), +INFO : (26, 10739.32645698806), +INFO : (27, 10802.266846718694), +INFO : (28, 10729.459064097708), +INFO : (29, 10894.514034648892), +INFO : (30, 11061.889181812214), +INFO : (31, 11194.288794543483), +INFO : (32, 11314.99570154351), +INFO : (33, 11420.322181653295), +INFO : (34, 11423.633138317833), +INFO : (35, 11682.323055658346), +INFO : (36, 11776.200614657753), +INFO : (37, 11901.653141785278), +INFO : (38, 12163.442767438637), +INFO : (39, 12264.254011592413), +INFO : (40, 12590.995321801722), +INFO : (41, 12801.613640716076), +INFO : (42, 13008.281758286172), +INFO : (43, 13262.221438865865), +INFO : (44, 13490.175375699842), +INFO : (45, 13777.141680245844), +INFO : (46, 13966.86226620153), +INFO : (47, 14285.006880236957), +INFO : (48, 14688.393226162489), +INFO : (49, 14904.912682520046), +INFO : (50, 15166.26228551611)]} +INFO : +(ClientAppActor pid=2861198) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2861190) Files already downloaded and verified +(ClientAppActor pid=2861195) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2861199) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2861203) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2861203) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..8583eb42381f --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_2_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879639) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879639) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879639) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879645) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879649) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879649) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879649) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879649) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879640) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879644) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879644) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879645) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879649) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879644) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879644) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879649) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879645) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879639) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879649) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879649) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879647) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2879642) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1231.51s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.245824), +INFO : (2, 0.36254), +INFO : (3, 0.433992), +INFO : (4, 0.475912), +INFO : (5, 0.510112), +INFO : (6, 0.542672), +INFO : (7, 0.565284), +INFO : (8, 0.585744), +INFO : (9, 0.600496), +INFO : (10, 0.62204), +INFO : (11, 0.632024), +INFO : (12, 0.646904), +INFO : (13, 0.662612), +INFO : (14, 0.668044), +INFO : (15, 0.680036), +INFO : (16, 0.689684), +INFO : (17, 0.696832), +INFO : (18, 0.702308), +INFO : (19, 0.712228), +INFO : (20, 0.723128), +INFO : (21, 0.727828), +INFO : (22, 0.739868), +INFO : (23, 0.74392), +INFO : (24, 0.75176), +INFO : (25, 0.755392), +INFO : (26, 0.759684), +INFO : (27, 0.77196), +INFO : (28, 0.779836), +INFO : (29, 0.783396), +INFO : (30, 0.786492), +INFO : (31, 0.79304), +INFO : (32, 0.79594), +INFO : (33, 0.807608), +INFO : (34, 0.809104), +INFO : (35, 0.821916), +INFO : (36, 0.819444), +INFO : (37, 0.832336), +INFO : (38, 0.831328), +INFO : (39, 0.828268), +INFO : (40, 0.835744), +INFO : (41, 0.846184), +INFO : (42, 0.845664), +INFO : (43, 0.85), +INFO : (44, 0.85396), +INFO : (45, 0.862272), +INFO : (46, 0.860312), +INFO : (47, 0.864948), +INFO : (48, 0.876244), +INFO : (49, 0.876088), +INFO : (50, 0.87308)], +INFO : 'train_loss': [(1, 3224.930454826355), +INFO : (2, 2761.554866981506), +INFO : (3, 2428.8723487854004), +INFO : (4, 2274.350180411339), +INFO : (5, 2110.2925496459006), +INFO : (6, 1997.9460110902787), +INFO : (7, 1917.9589467048645), +INFO : (8, 1830.9218454480172), +INFO : (9, 1773.6848735749722), +INFO : (10, 1686.0978906393052), +INFO : (11, 1637.5756746292113), +INFO : (12, 1573.060346162319), +INFO : (13, 1512.0641237199306), +INFO : (14, 1487.932294201851), +INFO : (15, 1433.7772235870361), +INFO : (16, 1389.9759096622467), +INFO : (17, 1356.7389310121537), +INFO : (18, 1330.2858014285564), +INFO : (19, 1286.7567091941833), +INFO : (20, 1238.7548410356044), +INFO : (21, 1217.2669736087323), +INFO : (22, 1166.5606027424335), +INFO : (23, 1148.117509651184), +INFO : (24, 1115.5711261630058), +INFO : (25, 1094.1564109921455), +INFO : (26, 1073.1907566219568), +INFO : (27, 1019.5707507967949), +INFO : (28, 992.5493299871683), +INFO : (29, 968.2441771477461), +INFO : (30, 951.6887778937817), +INFO : (31, 926.1779974520207), +INFO : (32, 908.606940445304), +INFO : (33, 860.5773952126503), +INFO : (34, 851.8541420936584), +INFO : (35, 804.0873150467872), +INFO : (36, 804.869954815507), +INFO : (37, 753.0673732846975), +INFO : (38, 753.1202287569643), +INFO : (39, 760.3376232013106), +INFO : (40, 728.1622701615095), +INFO : (41, 685.2864861682058), +INFO : (42, 689.4298986017704), +INFO : (43, 664.2847795560956), +INFO : (44, 646.5127651661635), +INFO : (45, 610.4467105835677), +INFO : (46, 614.1017925053835), +INFO : (47, 591.5440781459213), +INFO : (48, 551.0461611919105), +INFO : (49, 547.6422517716885), +INFO : (50, 553.0024893663824)], +INFO : 'val_accuracy': [(1, 0.24702), +INFO : (2, 0.364), +INFO : (3, 0.43392), +INFO : (4, 0.47112), +INFO : (5, 0.50516), +INFO : (6, 0.52776), +INFO : (7, 0.5482), +INFO : (8, 0.56196), +INFO : (9, 0.57454), +INFO : (10, 0.59142), +INFO : (11, 0.59694), +INFO : (12, 0.60744), +INFO : (13, 0.61558), +INFO : (14, 0.61516), +INFO : (15, 0.62194), +INFO : (16, 0.62718), +INFO : (17, 0.6312), +INFO : (18, 0.63016), +INFO : (19, 0.63682), +INFO : (20, 0.6378), +INFO : (21, 0.63872), +INFO : (22, 0.64192), +INFO : (23, 0.6428), +INFO : (24, 0.6426), +INFO : (25, 0.64282), +INFO : (26, 0.64002), +INFO : (27, 0.6442), +INFO : (28, 0.64482), +INFO : (29, 0.64518), +INFO : (30, 0.64432), +INFO : (31, 0.64148), +INFO : (32, 0.6401), +INFO : (33, 0.63976), +INFO : (34, 0.64006), +INFO : (35, 0.64416), +INFO : (36, 0.63588), +INFO : (37, 0.64238), +INFO : (38, 0.6371), +INFO : (39, 0.633), +INFO : (40, 0.63592), +INFO : (41, 0.63728), +INFO : (42, 0.63158), +INFO : (43, 0.63014), +INFO : (44, 0.62924), +INFO : (45, 0.63238), +INFO : (46, 0.62706), +INFO : (47, 0.62784), +INFO : (48, 0.6268), +INFO : (49, 0.62648), +INFO : (50, 0.62366)], +INFO : 'val_loss': [(1, 20554.858654901385), +INFO : (2, 17588.4163572371), +INFO : (3, 15477.219795890898), +INFO : (4, 14559.481518474873), +INFO : (5, 13641.336365836672), +INFO : (6, 13072.078928231076), +INFO : (7, 12677.941340570489), +INFO : (8, 12274.128732630907), +INFO : (9, 11990.070955338993), +INFO : (10, 11591.08444303812), +INFO : (11, 11429.59643023162), +INFO : (12, 11150.108704675711), +INFO : (13, 10956.776202530045), +INFO : (14, 10945.172606594979), +INFO : (15, 10773.81685221276), +INFO : (16, 10671.396263561326), +INFO : (17, 10664.430860349565), +INFO : (18, 10698.968073343187), +INFO : (19, 10579.479048855745), +INFO : (20, 10519.287416497935), +INFO : (21, 10563.468192290984), +INFO : (22, 10516.049092277144), +INFO : (23, 10605.14422036854), +INFO : (24, 10622.477323378627), +INFO : (25, 10704.26299072848), +INFO : (26, 10890.598942142886), +INFO : (27, 10869.958407476499), +INFO : (28, 10863.398722441267), +INFO : (29, 11037.456224611045), +INFO : (30, 11148.114011482108), +INFO : (31, 11276.117182681808), +INFO : (32, 11518.445194756088), +INFO : (33, 11487.365150395039), +INFO : (34, 11867.146113509518), +INFO : (35, 11690.458723320047), +INFO : (36, 12100.322330119701), +INFO : (37, 12089.853891847362), +INFO : (38, 12467.511959710506), +INFO : (39, 12905.812521321915), +INFO : (40, 12917.273896853772), +INFO : (41, 13117.591080638831), +INFO : (42, 13382.700403134213), +INFO : (43, 13730.212878260718), +INFO : (44, 14007.180843560936), +INFO : (45, 14231.240484137745), +INFO : (46, 14624.284538990856), +INFO : (47, 14964.774093660077), +INFO : (48, 15038.51729521915), +INFO : (49, 15560.379627013832), +INFO : (50, 15958.551000421538)]} +INFO : +(ClientAppActor pid=2879648) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2879640) Files already downloaded and verified +(ClientAppActor pid=2879646) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2879650) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2879652) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2879652) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..c71fff887f96 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_3_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898418) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898414) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898418) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898414) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898418) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898418) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898418) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898418) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898411) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898411) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898412) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898414) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898418) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898424) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898418) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898424) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898424) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898424) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898411) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898414) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898411) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898418) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898410) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898411) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898421) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2898418) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1233.52s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.283116), +INFO : (2, 0.407268), +INFO : (3, 0.45944), +INFO : (4, 0.492168), +INFO : (5, 0.523104), +INFO : (6, 0.54844), +INFO : (7, 0.572324), +INFO : (8, 0.590068), +INFO : (9, 0.607484), +INFO : (10, 0.619), +INFO : (11, 0.633024), +INFO : (12, 0.650256), +INFO : (13, 0.656336), +INFO : (14, 0.670076), +INFO : (15, 0.676976), +INFO : (16, 0.683312), +INFO : (17, 0.69438), +INFO : (18, 0.707788), +INFO : (19, 0.707908), +INFO : (20, 0.721872), +INFO : (21, 0.729384), +INFO : (22, 0.731644), +INFO : (23, 0.741236), +INFO : (24, 0.746636), +INFO : (25, 0.756508), +INFO : (26, 0.764116), +INFO : (27, 0.766188), +INFO : (28, 0.765348), +INFO : (29, 0.78142), +INFO : (30, 0.7824), +INFO : (31, 0.794192), +INFO : (32, 0.7973), +INFO : (33, 0.812324), +INFO : (34, 0.812932), +INFO : (35, 0.811852), +INFO : (36, 0.822144), +INFO : (37, 0.821516), +INFO : (38, 0.833132), +INFO : (39, 0.835624), +INFO : (40, 0.836884), +INFO : (41, 0.849936), +INFO : (42, 0.85206), +INFO : (43, 0.856092), +INFO : (44, 0.858348), +INFO : (45, 0.857248), +INFO : (46, 0.863964), +INFO : (47, 0.87378), +INFO : (48, 0.868884), +INFO : (49, 0.866492), +INFO : (50, 0.87366)], +INFO : 'train_loss': [(1, 3058.5646788835525), +INFO : (2, 2542.853186607361), +INFO : (3, 2338.6543043851852), +INFO : (4, 2197.077711570263), +INFO : (5, 2068.103485786915), +INFO : (6, 1980.507958829403), +INFO : (7, 1877.641296696663), +INFO : (8, 1804.6892165184022), +INFO : (9, 1736.4216863632203), +INFO : (10, 1685.3365553736687), +INFO : (11, 1630.0881953001021), +INFO : (12, 1557.654495638609), +INFO : (13, 1532.6899931311607), +INFO : (14, 1467.1409132540225), +INFO : (15, 1440.4068767726421), +INFO : (16, 1407.1731735408307), +INFO : (17, 1359.046545344591), +INFO : (18, 1302.4678995728493), +INFO : (19, 1297.263732689619), +INFO : (20, 1240.6834602475167), +INFO : (21, 1210.1251444280147), +INFO : (22, 1194.6380831122399), +INFO : (23, 1154.402984404564), +INFO : (24, 1129.2140759170056), +INFO : (25, 1093.387417331338), +INFO : (26, 1055.8946812599897), +INFO : (27, 1041.682673674822), +INFO : (28, 1038.1927131563425), +INFO : (29, 973.8960965871811), +INFO : (30, 967.6276762753726), +INFO : (31, 918.8281051933766), +INFO : (32, 902.7384277552367), +INFO : (33, 844.8264521881938), +INFO : (34, 838.3065266907215), +INFO : (35, 836.6465999409556), +INFO : (36, 796.2098309829831), +INFO : (37, 791.9945674926042), +INFO : (38, 746.8011472716928), +INFO : (39, 735.4868514984846), +INFO : (40, 727.4520683407784), +INFO : (41, 676.5931372106076), +INFO : (42, 661.4649659663439), +INFO : (43, 646.3652811899781), +INFO : (44, 631.8508230909705), +INFO : (45, 628.1931974694132), +INFO : (46, 604.695808634162), +INFO : (47, 564.520636574924), +INFO : (48, 581.5605495847761), +INFO : (49, 585.4411389052868), +INFO : (50, 552.7499136984349)], +INFO : 'val_accuracy': [(1, 0.28726), +INFO : (2, 0.40812), +INFO : (3, 0.46066), +INFO : (4, 0.49154), +INFO : (5, 0.51684), +INFO : (6, 0.54002), +INFO : (7, 0.56254), +INFO : (8, 0.57668), +INFO : (9, 0.5908), +INFO : (10, 0.5955), +INFO : (11, 0.60512), +INFO : (12, 0.61608), +INFO : (13, 0.6155), +INFO : (14, 0.62568), +INFO : (15, 0.62808), +INFO : (16, 0.62934), +INFO : (17, 0.63248), +INFO : (18, 0.63812), +INFO : (19, 0.63612), +INFO : (20, 0.64362), +INFO : (21, 0.6436), +INFO : (22, 0.64124), +INFO : (23, 0.64308), +INFO : (24, 0.64332), +INFO : (25, 0.64528), +INFO : (26, 0.65032), +INFO : (27, 0.64574), +INFO : (28, 0.64422), +INFO : (29, 0.64788), +INFO : (30, 0.64624), +INFO : (31, 0.6492), +INFO : (32, 0.64726), +INFO : (33, 0.65514), +INFO : (34, 0.6494), +INFO : (35, 0.64082), +INFO : (36, 0.64668), +INFO : (37, 0.64588), +INFO : (38, 0.64626), +INFO : (39, 0.64346), +INFO : (40, 0.6389), +INFO : (41, 0.64482), +INFO : (42, 0.64326), +INFO : (43, 0.6415), +INFO : (44, 0.64062), +INFO : (45, 0.6356), +INFO : (46, 0.63248), +INFO : (47, 0.63728), +INFO : (48, 0.63172), +INFO : (49, 0.63002), +INFO : (50, 0.6283)], +INFO : 'val_loss': [(1, 19485.69130190611), +INFO : (2, 16215.366569634529), +INFO : (3, 14939.694979650902), +INFO : (4, 14131.235298778767), +INFO : (5, 13388.002243418432), +INFO : (6, 12921.019922638718), +INFO : (7, 12356.106054741751), +INFO : (8, 11987.853417483284), +INFO : (9, 11663.378760018524), +INFO : (10, 11492.635509285481), +INFO : (11, 11273.40736233702), +INFO : (12, 10962.743808530658), +INFO : (13, 10952.571204070104), +INFO : (14, 10717.906198048731), +INFO : (15, 10686.828725867343), +INFO : (16, 10650.175558187351), +INFO : (17, 10543.247488622173), +INFO : (18, 10400.460152969972), +INFO : (19, 10542.079829272412), +INFO : (20, 10419.623627090758), +INFO : (21, 10396.557063197128), +INFO : (22, 10531.01122576265), +INFO : (23, 10492.289315470483), +INFO : (24, 10574.004173476324), +INFO : (25, 10524.970116416718), +INFO : (26, 10514.895147713614), +INFO : (27, 10755.553037317408), +INFO : (28, 10888.288948974503), +INFO : (29, 10832.534332001009), +INFO : (30, 11019.384248062197), +INFO : (31, 11002.058808155445), +INFO : (32, 11178.931575039382), +INFO : (33, 11124.929650936134), +INFO : (34, 11379.642569193487), +INFO : (35, 11694.867545805635), +INFO : (36, 11745.629276327823), +INFO : (37, 11979.284255278586), +INFO : (38, 12115.110989767643), +INFO : (39, 12403.631045597142), +INFO : (40, 12572.755374969112), +INFO : (41, 12738.772681777938), +INFO : (42, 13002.657676848905), +INFO : (43, 13300.69812613006), +INFO : (44, 13596.783327008203), +INFO : (45, 14028.664523504447), +INFO : (46, 14162.10452820511), +INFO : (47, 14320.165054333684), +INFO : (48, 14678.058410614425), +INFO : (49, 15192.608048037815), +INFO : (50, 15502.998539787583)]} +INFO : +(ClientAppActor pid=2898423) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2898414) Files already downloaded and verified +(ClientAppActor pid=2898415) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2898420) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2898425) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2898425) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..475e0e29abba --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_21_211302/2024_06_21_211302_results_50_R_5_C_0.05_NOISE_4_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.05 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917193) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917202) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917197) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917197) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917198) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917198) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917197) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917197) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917197) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917197) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917203) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917202) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917203) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917202) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917203) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917203) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917198) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917203) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917198) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917203) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917197) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917203) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917198) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917203) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917206) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917193) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917203) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=2917197) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.05 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1204.38s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.287248), +INFO : (2, 0.397416), +INFO : (3, 0.450388), +INFO : (4, 0.484964), +INFO : (5, 0.523824), +INFO : (6, 0.551644), +INFO : (7, 0.56904), +INFO : (8, 0.592124), +INFO : (9, 0.60798), +INFO : (10, 0.624552), +INFO : (11, 0.638108), +INFO : (12, 0.649008), +INFO : (13, 0.661224), +INFO : (14, 0.671208), +INFO : (15, 0.68086), +INFO : (16, 0.687512), +INFO : (17, 0.7014), +INFO : (18, 0.704), +INFO : (19, 0.71218), +INFO : (20, 0.72174), +INFO : (21, 0.724604), +INFO : (22, 0.73876), +INFO : (23, 0.740628), +INFO : (24, 0.750132), +INFO : (25, 0.758568), +INFO : (26, 0.760836), +INFO : (27, 0.770356), +INFO : (28, 0.777944), +INFO : (29, 0.77516), +INFO : (30, 0.788468), +INFO : (31, 0.794324), +INFO : (32, 0.798816), +INFO : (33, 0.808952), +INFO : (34, 0.811908), +INFO : (35, 0.80992), +INFO : (36, 0.823816), +INFO : (37, 0.826696), +INFO : (38, 0.834496), +INFO : (39, 0.837216), +INFO : (40, 0.836844), +INFO : (41, 0.839696), +INFO : (42, 0.856904), +INFO : (43, 0.850992), +INFO : (44, 0.857952), +INFO : (45, 0.862876), +INFO : (46, 0.857496), +INFO : (47, 0.862564), +INFO : (48, 0.868896), +INFO : (49, 0.875244), +INFO : (50, 0.870944)], +INFO : 'train_loss': [(1, 3026.4877693653107), +INFO : (2, 2575.6361832380294), +INFO : (3, 2368.651735150814), +INFO : (4, 2226.418356406689), +INFO : (5, 2071.4124924659727), +INFO : (6, 1969.0765428185464), +INFO : (7, 1908.8966367959977), +INFO : (8, 1801.4590040922164), +INFO : (9, 1741.3558231592178), +INFO : (10, 1670.5287937283515), +INFO : (11, 1609.258127260208), +INFO : (12, 1562.579832983017), +INFO : (13, 1509.8594437777997), +INFO : (14, 1467.523909342289), +INFO : (15, 1421.6201612055302), +INFO : (16, 1390.330659365654), +INFO : (17, 1334.3544843316079), +INFO : (18, 1320.4052028775216), +INFO : (19, 1287.4306529402734), +INFO : (20, 1243.1866100072862), +INFO : (21, 1219.8332223057746), +INFO : (22, 1167.7521108567714), +INFO : (23, 1155.32726046741), +INFO : (24, 1113.5302254259586), +INFO : (25, 1076.9428271204233), +INFO : (26, 1068.2754842191935), +INFO : (27, 1028.7582907497883), +INFO : (28, 993.3890608072281), +INFO : (29, 996.3824136912823), +INFO : (30, 945.3245155870915), +INFO : (31, 920.2608588352799), +INFO : (32, 899.0312605142593), +INFO : (33, 853.4669316351413), +INFO : (34, 837.9823818564415), +INFO : (35, 846.9758707612752), +INFO : (36, 786.5868039265275), +INFO : (37, 772.4045191630721), +INFO : (38, 744.1639565363527), +INFO : (39, 724.4303740188479), +INFO : (40, 720.7883015796542), +INFO : (41, 708.6464851230382), +INFO : (42, 641.218746958673), +INFO : (43, 656.8845864668489), +INFO : (44, 627.9001836240292), +INFO : (45, 605.8193915173412), +INFO : (46, 622.1607005730272), +INFO : (47, 599.6520209789276), +INFO : (48, 575.7534149616956), +INFO : (49, 546.6196167245507), +INFO : (50, 558.2331421263516)], +INFO : 'val_accuracy': [(1, 0.2924), +INFO : (2, 0.39834), +INFO : (3, 0.4519), +INFO : (4, 0.4846), +INFO : (5, 0.51606), +INFO : (6, 0.5399), +INFO : (7, 0.55704), +INFO : (8, 0.57432), +INFO : (9, 0.58906), +INFO : (10, 0.60078), +INFO : (11, 0.60978), +INFO : (12, 0.61608), +INFO : (13, 0.62244), +INFO : (14, 0.62752), +INFO : (15, 0.63278), +INFO : (16, 0.63352), +INFO : (17, 0.64168), +INFO : (18, 0.63898), +INFO : (19, 0.64078), +INFO : (20, 0.6446), +INFO : (21, 0.63982), +INFO : (22, 0.64684), +INFO : (23, 0.64582), +INFO : (24, 0.6484), +INFO : (25, 0.64848), +INFO : (26, 0.64424), +INFO : (27, 0.64712), +INFO : (28, 0.64882), +INFO : (29, 0.64538), +INFO : (30, 0.6473), +INFO : (31, 0.64606), +INFO : (32, 0.64684), +INFO : (33, 0.64732), +INFO : (34, 0.64484), +INFO : (35, 0.64212), +INFO : (36, 0.64404), +INFO : (37, 0.64334), +INFO : (38, 0.64158), +INFO : (39, 0.6405), +INFO : (40, 0.63682), +INFO : (41, 0.63554), +INFO : (42, 0.64074), +INFO : (43, 0.6395), +INFO : (44, 0.63646), +INFO : (45, 0.63492), +INFO : (46, 0.6314), +INFO : (47, 0.62906), +INFO : (48, 0.63004), +INFO : (49, 0.63136), +INFO : (50, 0.62756)], +INFO : 'val_loss': [(1, 19300.26355082691), +INFO : (2, 16435.586188567428), +INFO : (3, 15181.255907591061), +INFO : (4, 14316.750635764842), +INFO : (5, 13406.371068590144), +INFO : (6, 12857.52100218968), +INFO : (7, 12576.68558016249), +INFO : (8, 12029.067929957882), +INFO : (9, 11733.450108898887), +INFO : (10, 11404.56581754361), +INFO : (11, 11174.633871678468), +INFO : (12, 11029.531955551249), +INFO : (13, 10853.409173932703), +INFO : (14, 10748.023095730934), +INFO : (15, 10603.455612097827), +INFO : (16, 10581.868853920381), +INFO : (17, 10411.327522411573), +INFO : (18, 10529.399612374122), +INFO : (19, 10531.201027977639), +INFO : (20, 10479.921448637253), +INFO : (21, 10567.137043004885), +INFO : (22, 10392.188108927594), +INFO : (23, 10624.938273111824), +INFO : (24, 10625.323086047225), +INFO : (25, 10598.617657066758), +INFO : (26, 10734.252312656472), +INFO : (27, 10688.242664740279), +INFO : (28, 10822.45869985598), +INFO : (29, 11062.84910971433), +INFO : (30, 11033.984123767037), +INFO : (31, 11135.689082056602), +INFO : (32, 11292.178862567853), +INFO : (33, 11344.413436), +INFO : (34, 11549.717666226372), +INFO : (35, 11865.805089408954), +INFO : (36, 11907.636258815795), +INFO : (37, 12078.331699883382), +INFO : (38, 12282.661907689104), +INFO : (39, 12443.417534240318), +INFO : (40, 12825.375323386072), +INFO : (41, 13137.939081199978), +INFO : (42, 13031.517363477024), +INFO : (43, 13609.455630787003), +INFO : (44, 13836.139789616685), +INFO : (45, 14139.525954023822), +INFO : (46, 14436.904168915187), +INFO : (47, 14850.708427024027), +INFO : (48, 15169.443170994831), +INFO : (49, 15327.588742286489), +INFO : (50, 15950.230539578466)]} +INFO : +(ClientAppActor pid=2917204) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=2917193) Files already downloaded and verified +(ClientAppActor pid=2917199) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=2917207) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2917208) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=2917208) Files already downloaded and verified diff --git a/examples/app-pytorch/run_experiments_50_rounds_0.05_noise.sh b/examples/app-pytorch/run_experiments_50_rounds_0.05_noise.sh new file mode 100755 index 000000000000..f38533d65f79 --- /dev/null +++ b/examples/app-pytorch/run_experiments_50_rounds_0.05_noise.sh @@ -0,0 +1,27 @@ +#!/bin/bash + +# Make sure to run poetry shell first! + +date_time=$(date '+%Y_%m_%d_%H%M%S'); + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.05_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.05_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.05_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.05_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.05_NOISE_4_TRIAL.txt + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.05_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.05_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.05_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.05_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.05_NOISE_4_TRIAL.txt + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.05_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.05_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.05_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.05_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.05 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.05_NOISE_4_TRIAL.txt From 21b9d0172239760601f4bb3e02ee5f1078900d89 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Fri, 28 Jun 2024 20:38:33 -0700 Subject: [PATCH 32/34] Add experimental results with noise of 0.2 and 0.02 --- ...4_results_50_R_10_C_0.02_NOISE_0_TRIAL.txt | 2219 ++++++++++ ...4_results_50_R_10_C_0.02_NOISE_1_TRIAL.txt | 2219 ++++++++++ ...4_results_50_R_10_C_0.02_NOISE_2_TRIAL.txt | 2219 ++++++++++ ...4_results_50_R_10_C_0.02_NOISE_3_TRIAL.txt | 2219 ++++++++++ ...4_results_50_R_10_C_0.02_NOISE_4_TRIAL.txt | 2219 ++++++++++ ...14_results_50_R_10_C_0.2_NOISE_0_TRIAL.txt | 2219 ++++++++++ ...14_results_50_R_10_C_0.2_NOISE_1_TRIAL.txt | 2219 ++++++++++ ...14_results_50_R_10_C_0.2_NOISE_2_TRIAL.txt | 2219 ++++++++++ ...14_results_50_R_10_C_0.2_NOISE_3_TRIAL.txt | 2219 ++++++++++ ...14_results_50_R_10_C_0.2_NOISE_4_TRIAL.txt | 2219 ++++++++++ ...4_results_50_R_20_C_0.02_NOISE_0_TRIAL.txt | 3779 ++++++++++++++++ ...4_results_50_R_20_C_0.02_NOISE_1_TRIAL.txt | 3830 ++++++++++++++++ ...4_results_50_R_20_C_0.02_NOISE_2_TRIAL.txt | 3836 +++++++++++++++++ ...4_results_50_R_20_C_0.02_NOISE_3_TRIAL.txt | 3831 ++++++++++++++++ ...4_results_50_R_20_C_0.02_NOISE_4_TRIAL.txt | 3826 ++++++++++++++++ ...14_results_50_R_20_C_0.2_NOISE_0_TRIAL.txt | 3819 ++++++++++++++++ ...14_results_50_R_20_C_0.2_NOISE_1_TRIAL.txt | 3831 ++++++++++++++++ ...14_results_50_R_20_C_0.2_NOISE_2_TRIAL.txt | 3832 ++++++++++++++++ ...14_results_50_R_20_C_0.2_NOISE_3_TRIAL.txt | 3777 ++++++++++++++++ ...14_results_50_R_20_C_0.2_NOISE_4_TRIAL.txt | 3829 ++++++++++++++++ ...14_results_50_R_5_C_0.02_NOISE_0_TRIAL.txt | 1471 +++++++ ...14_results_50_R_5_C_0.02_NOISE_1_TRIAL.txt | 1471 +++++++ ...14_results_50_R_5_C_0.02_NOISE_2_TRIAL.txt | 1471 +++++++ ...14_results_50_R_5_C_0.02_NOISE_3_TRIAL.txt | 1471 +++++++ ...14_results_50_R_5_C_0.02_NOISE_4_TRIAL.txt | 1471 +++++++ ...514_results_50_R_5_C_0.2_NOISE_0_TRIAL.txt | 1471 +++++++ ...514_results_50_R_5_C_0.2_NOISE_1_TRIAL.txt | 1471 +++++++ ...514_results_50_R_5_C_0.2_NOISE_2_TRIAL.txt | 1471 +++++++ ...514_results_50_R_5_C_0.2_NOISE_3_TRIAL.txt | 1471 +++++++ ...514_results_50_R_5_C_0.2_NOISE_4_TRIAL.txt | 1471 +++++++ ...eriments_50_rounds_0.2_noise_0.02_noise.sh | 52 + 31 files changed, 75142 insertions(+) create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_4_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_0_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_1_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_2_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_3_TRIAL.txt create mode 100644 examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_4_TRIAL.txt create mode 100755 examples/app-pytorch/run_experiments_50_rounds_0.2_noise_0.02_noise.sh diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..34a33eb1afc2 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_0_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128266) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128262) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128262) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128271) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128262) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128271) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128266) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128262) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128262) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128262) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128263) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3128270) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1897.83s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.186268), +INFO : (2, 0.346738), +INFO : (3, 0.418128), +INFO : (4, 0.469324), +INFO : (5, 0.507712), +INFO : (6, 0.540478), +INFO : (7, 0.563972), +INFO : (8, 0.586106), +INFO : (9, 0.600878), +INFO : (10, 0.623254), +INFO : (11, 0.633302), +INFO : (12, 0.640816), +INFO : (13, 0.65681), +INFO : (14, 0.668144), +INFO : (15, 0.67388), +INFO : (16, 0.680248), +INFO : (17, 0.695776), +INFO : (18, 0.703606), +INFO : (19, 0.711366), +INFO : (20, 0.715676), +INFO : (21, 0.724856), +INFO : (22, 0.732294), +INFO : (23, 0.743208), +INFO : (24, 0.748214), +INFO : (25, 0.75562), +INFO : (26, 0.760246), +INFO : (27, 0.768872), +INFO : (28, 0.776394), +INFO : (29, 0.784846), +INFO : (30, 0.783652), +INFO : (31, 0.79273), +INFO : (32, 0.798784), +INFO : (33, 0.801612), +INFO : (34, 0.810476), +INFO : (35, 0.817576), +INFO : (36, 0.817878), +INFO : (37, 0.821976), +INFO : (38, 0.827504), +INFO : (39, 0.834956), +INFO : (40, 0.841928), +INFO : (41, 0.845598), +INFO : (42, 0.851126), +INFO : (43, 0.855372), +INFO : (44, 0.85571), +INFO : (45, 0.856974), +INFO : (46, 0.866984), +INFO : (47, 0.870428), +INFO : (48, 0.874342), +INFO : (49, 0.873262), +INFO : (50, 0.879648)], +INFO : 'train_loss': [(1, 3430.231538438797), +INFO : (2, 2800.64293820858), +INFO : (3, 2485.2446135759355), +INFO : (4, 2283.7721721172334), +INFO : (5, 2130.5286487460135), +INFO : (6, 2008.8725770413876), +INFO : (7, 1914.538933056593), +INFO : (8, 1827.1409372359515), +INFO : (9, 1761.4383478939533), +INFO : (10, 1673.9879369825126), +INFO : (11, 1630.8030355632304), +INFO : (12, 1590.2991148799658), +INFO : (13, 1525.8229317963123), +INFO : (14, 1478.1822908699512), +INFO : (15, 1449.6842756688595), +INFO : (16, 1416.5165785849094), +INFO : (17, 1357.4480812102556), +INFO : (18, 1317.2118019402028), +INFO : (19, 1279.518494169414), +INFO : (20, 1262.756483629346), +INFO : (21, 1223.065907600522), +INFO : (22, 1184.8516431331634), +INFO : (23, 1144.6907530978322), +INFO : (24, 1120.7197984233499), +INFO : (25, 1087.4948856323958), +INFO : (26, 1065.2340653449296), +INFO : (27, 1028.640183532238), +INFO : (28, 996.7975988060236), +INFO : (29, 960.7623375415802), +INFO : (30, 962.2357408046722), +INFO : (31, 925.3299014464021), +INFO : (32, 898.1313080757857), +INFO : (33, 878.0438091412186), +INFO : (34, 842.8840416580439), +INFO : (35, 815.5605149969458), +INFO : (36, 806.497590060532), +INFO : (37, 787.4460660032928), +INFO : (38, 765.67477196455), +INFO : (39, 733.3221358947455), +INFO : (40, 706.1018169477582), +INFO : (41, 687.0969782717526), +INFO : (42, 662.2721368156374), +INFO : (43, 644.5538195699453), +INFO : (44, 640.2863936640322), +INFO : (45, 627.3282827183605), +INFO : (46, 588.2558665402233), +INFO : (47, 570.5773555338383), +INFO : (48, 554.8465468227863), +INFO : (49, 554.9286630876362), +INFO : (50, 529.9274648278952)], +INFO : 'val_accuracy': [(1, 0.18261), +INFO : (2, 0.351), +INFO : (3, 0.41335), +INFO : (4, 0.46232), +INFO : (5, 0.49773), +INFO : (6, 0.52647), +INFO : (7, 0.54699), +INFO : (8, 0.56482), +INFO : (9, 0.57513), +INFO : (10, 0.59123), +INFO : (11, 0.59773), +INFO : (12, 0.60082), +INFO : (13, 0.61264), +INFO : (14, 0.61762), +INFO : (15, 0.61851), +INFO : (16, 0.62014), +INFO : (17, 0.62786), +INFO : (18, 0.63032), +INFO : (19, 0.63323), +INFO : (20, 0.63191), +INFO : (21, 0.633), +INFO : (22, 0.63839), +INFO : (23, 0.63901), +INFO : (24, 0.64033), +INFO : (25, 0.63855), +INFO : (26, 0.64014), +INFO : (27, 0.64062), +INFO : (28, 0.6411), +INFO : (29, 0.64209), +INFO : (30, 0.63907), +INFO : (31, 0.63888), +INFO : (32, 0.63926), +INFO : (33, 0.63821), +INFO : (34, 0.64005), +INFO : (35, 0.6406), +INFO : (36, 0.63596), +INFO : (37, 0.63765), +INFO : (38, 0.6355), +INFO : (39, 0.63541), +INFO : (40, 0.63355), +INFO : (41, 0.63355), +INFO : (42, 0.63373), +INFO : (43, 0.63195), +INFO : (44, 0.63209), +INFO : (45, 0.62919), +INFO : (46, 0.63059), +INFO : (47, 0.62786), +INFO : (48, 0.62862), +INFO : (49, 0.62534), +INFO : (50, 0.62426)], +INFO : 'val_loss': [(1, 21960.690735924243), +INFO : (2, 17873.599682423104), +INFO : (3, 15894.281142984331), +INFO : (4, 14699.874486815163), +INFO : (5, 13801.173972797927), +INFO : (6, 13153.112506907055), +INFO : (7, 12636.373894733104), +INFO : (8, 12187.490308517963), +INFO : (9, 11876.294433118615), +INFO : (10, 11455.52979047677), +INFO : (11, 11308.976142226751), +INFO : (12, 11191.325262432643), +INFO : (13, 10937.830805778127), +INFO : (14, 10799.130472620238), +INFO : (15, 10793.698536409373), +INFO : (16, 10773.839561012268), +INFO : (17, 10582.918655151412), +INFO : (18, 10554.118213563264), +INFO : (19, 10510.742212284678), +INFO : (20, 10570.122637058706), +INFO : (21, 10581.444487482311), +INFO : (22, 10530.56878342519), +INFO : (23, 10518.447903406255), +INFO : (24, 10560.550675404957), +INFO : (25, 10613.24019963433), +INFO : (26, 10725.15175334536), +INFO : (27, 10731.933067781432), +INFO : (28, 10773.347174738772), +INFO : (29, 10827.838666442383), +INFO : (30, 11048.910118480027), +INFO : (31, 11087.463192225767), +INFO : (32, 11185.544711613831), +INFO : (33, 11405.235555796377), +INFO : (34, 11491.988567611043), +INFO : (35, 11570.391205498652), +INFO : (36, 11919.648720654353), +INFO : (37, 12108.729054879315), +INFO : (38, 12236.647502056405), +INFO : (39, 12398.460809194183), +INFO : (40, 12571.463530749661), +INFO : (41, 12839.15787944195), +INFO : (42, 12985.952566513362), +INFO : (43, 13293.284195285487), +INFO : (44, 13563.248502038969), +INFO : (45, 13954.620648943011), +INFO : (46, 14118.75718004815), +INFO : (47, 14459.305837307495), +INFO : (48, 14778.15651127705), +INFO : (49, 15151.70705195611), +INFO : (50, 15530.8105478269)]} +INFO : +(ClientAppActor pid=3128276) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3128269) Files already downloaded and verified +(ClientAppActor pid=3128272) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3128275) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..ce3db5b9d505 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_1_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132288) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132291) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132288) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132290) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132291) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132293) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3132295) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1887.58s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.25532), +INFO : (2, 0.373886), +INFO : (3, 0.433588), +INFO : (4, 0.474216), +INFO : (5, 0.509758), +INFO : (6, 0.541478), +INFO : (7, 0.563658), +INFO : (8, 0.584898), +INFO : (9, 0.604934), +INFO : (10, 0.617902), +INFO : (11, 0.633404), +INFO : (12, 0.649796), +INFO : (13, 0.661826), +INFO : (14, 0.674536), +INFO : (15, 0.68369), +INFO : (16, 0.693762), +INFO : (17, 0.70066), +INFO : (18, 0.708806), +INFO : (19, 0.714212), +INFO : (20, 0.72075), +INFO : (21, 0.731366), +INFO : (22, 0.737256), +INFO : (23, 0.74476), +INFO : (24, 0.748394), +INFO : (25, 0.75764), +INFO : (26, 0.766954), +INFO : (27, 0.770616), +INFO : (28, 0.77489), +INFO : (29, 0.78015), +INFO : (30, 0.788468), +INFO : (31, 0.793826), +INFO : (32, 0.798538), +INFO : (33, 0.80527), +INFO : (34, 0.809294), +INFO : (35, 0.807498), +INFO : (36, 0.82085), +INFO : (37, 0.822346), +INFO : (38, 0.827088), +INFO : (39, 0.832474), +INFO : (40, 0.838974), +INFO : (41, 0.836336), +INFO : (42, 0.846198), +INFO : (43, 0.84504), +INFO : (44, 0.853174), +INFO : (45, 0.854342), +INFO : (46, 0.864992), +INFO : (47, 0.862778), +INFO : (48, 0.872176), +INFO : (49, 0.87098), +INFO : (50, 0.872296)], +INFO : 'train_loss': [(1, 3157.3894196629526), +INFO : (2, 2660.105993270874), +INFO : (3, 2423.579661893845), +INFO : (4, 2257.635694587231), +INFO : (5, 2123.380410897732), +INFO : (6, 2004.7987065315247), +INFO : (7, 1907.5238846302032), +INFO : (8, 1816.55886580348), +INFO : (9, 1744.190693819523), +INFO : (10, 1684.8728368341922), +INFO : (11, 1620.0270025789737), +INFO : (12, 1553.8057157963515), +INFO : (13, 1503.011185735464), +INFO : (14, 1448.3277163803577), +INFO : (15, 1409.2626227736473), +INFO : (16, 1363.4269203305244), +INFO : (17, 1330.5981648415327), +INFO : (18, 1296.1784347683192), +INFO : (19, 1277.6380446910857), +INFO : (20, 1242.0204780191184), +INFO : (21, 1197.5112396538257), +INFO : (22, 1174.2970586255192), +INFO : (23, 1139.5619300395251), +INFO : (24, 1117.4652103826404), +INFO : (25, 1080.5496413573624), +INFO : (26, 1043.1186917632817), +INFO : (27, 1022.017049176991), +INFO : (28, 1003.5557915136218), +INFO : (29, 978.3504869639874), +INFO : (30, 943.8204670041799), +INFO : (31, 914.7227530568838), +INFO : (32, 892.8289296746254), +INFO : (33, 868.4202775478363), +INFO : (34, 851.5718307122588), +INFO : (35, 852.0178674936294), +INFO : (36, 797.8299117341637), +INFO : (37, 788.3014851517976), +INFO : (38, 767.1164851292967), +INFO : (39, 740.9979839786887), +INFO : (40, 717.0456154666841), +INFO : (41, 721.130441737175), +INFO : (42, 681.6663630209863), +INFO : (43, 683.3646191060543), +INFO : (44, 649.5464278802276), +INFO : (45, 640.9751962818206), +INFO : (46, 597.3301005270332), +INFO : (47, 604.948767740652), +INFO : (48, 565.0722601581365), +INFO : (49, 566.4058974634856), +INFO : (50, 557.2389823507517)], +INFO : 'val_accuracy': [(1, 0.2596), +INFO : (2, 0.37752), +INFO : (3, 0.43304), +INFO : (4, 0.47428), +INFO : (5, 0.50923), +INFO : (6, 0.53824), +INFO : (7, 0.55497), +INFO : (8, 0.56932), +INFO : (9, 0.58559), +INFO : (10, 0.59395), +INFO : (11, 0.60311), +INFO : (12, 0.61301), +INFO : (13, 0.62055), +INFO : (14, 0.62884), +INFO : (15, 0.63337), +INFO : (16, 0.64017), +INFO : (17, 0.64284), +INFO : (18, 0.64535), +INFO : (19, 0.64579), +INFO : (20, 0.64995), +INFO : (21, 0.65369), +INFO : (22, 0.65417), +INFO : (23, 0.65569), +INFO : (24, 0.65505), +INFO : (25, 0.65842), +INFO : (26, 0.65931), +INFO : (27, 0.66023), +INFO : (28, 0.65872), +INFO : (29, 0.65905), +INFO : (30, 0.65974), +INFO : (31, 0.65939), +INFO : (32, 0.65828), +INFO : (33, 0.65723), +INFO : (34, 0.6565), +INFO : (35, 0.65292), +INFO : (36, 0.65506), +INFO : (37, 0.65311), +INFO : (38, 0.65117), +INFO : (39, 0.65411), +INFO : (40, 0.65105), +INFO : (41, 0.6475), +INFO : (42, 0.64765), +INFO : (43, 0.64518), +INFO : (44, 0.6449), +INFO : (45, 0.64378), +INFO : (46, 0.64563), +INFO : (47, 0.64136), +INFO : (48, 0.64216), +INFO : (49, 0.64122), +INFO : (50, 0.63875)], +INFO : 'val_loss': [(1, 20153.636873574553), +INFO : (2, 16939.599248917402), +INFO : (3, 15443.536264960094), +INFO : (4, 14407.434999843874), +INFO : (5, 13619.544806978945), +INFO : (6, 12962.035009576566), +INFO : (7, 12486.975011656288), +INFO : (8, 12058.122243207506), +INFO : (9, 11733.531175303036), +INFO : (10, 11486.780434534892), +INFO : (11, 11229.93207905434), +INFO : (12, 10958.480512373686), +INFO : (13, 10791.595366219768), +INFO : (14, 10596.817876142979), +INFO : (15, 10520.414451920728), +INFO : (16, 10405.89965277754), +INFO : (17, 10349.522340578005), +INFO : (18, 10285.068822172683), +INFO : (19, 10321.224472609074), +INFO : (20, 10312.163688085699), +INFO : (21, 10213.397738076075), +INFO : (22, 10268.547727654952), +INFO : (23, 10238.007535148086), +INFO : (24, 10342.012616915674), +INFO : (25, 10335.273386048717), +INFO : (26, 10250.53950508411), +INFO : (27, 10360.562127937419), +INFO : (28, 10516.560376266214), +INFO : (29, 10597.576062711576), +INFO : (30, 10575.98870015042), +INFO : (31, 10707.665550929323), +INFO : (32, 10870.359542861717), +INFO : (33, 11011.089865839065), +INFO : (34, 11133.140844125368), +INFO : (35, 11404.094984443987), +INFO : (36, 11399.456865182372), +INFO : (37, 11672.961731940215), +INFO : (38, 11769.727975736698), +INFO : (39, 11960.674476547507), +INFO : (40, 12124.788597715411), +INFO : (41, 12521.775960365416), +INFO : (42, 12685.59467568179), +INFO : (43, 12971.74613400887), +INFO : (44, 13120.356246418187), +INFO : (45, 13402.82468334141), +INFO : (46, 13588.059935560152), +INFO : (47, 13970.99194000837), +INFO : (48, 14187.91002562505), +INFO : (49, 14718.914183742878), +INFO : (50, 15061.168826113028)]} +INFO : +(ClientAppActor pid=3132301) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3132289) Files already downloaded and verified +(ClientAppActor pid=3132302) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3132298) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..04da96581fd9 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_2_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136331) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136331) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136331) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136331) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136331) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136329) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136327) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136329) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136333) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3136335) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1870.32s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.277488), +INFO : (2, 0.393774), +INFO : (3, 0.451558), +INFO : (4, 0.490226), +INFO : (5, 0.51885), +INFO : (6, 0.543964), +INFO : (7, 0.565504), +INFO : (8, 0.584874), +INFO : (9, 0.60185), +INFO : (10, 0.615206), +INFO : (11, 0.62877), +INFO : (12, 0.64378), +INFO : (13, 0.657482), +INFO : (14, 0.663372), +INFO : (15, 0.675222), +INFO : (16, 0.684578), +INFO : (17, 0.69864), +INFO : (18, 0.708166), +INFO : (19, 0.713442), +INFO : (20, 0.72592), +INFO : (21, 0.732828), +INFO : (22, 0.740242), +INFO : (23, 0.745082), +INFO : (24, 0.7571), +INFO : (25, 0.76412), +INFO : (26, 0.77292), +INFO : (27, 0.778912), +INFO : (28, 0.787022), +INFO : (29, 0.79364), +INFO : (30, 0.79566), +INFO : (31, 0.801464), +INFO : (32, 0.80768), +INFO : (33, 0.814264), +INFO : (34, 0.823404), +INFO : (35, 0.82365), +INFO : (36, 0.827468), +INFO : (37, 0.837318), +INFO : (38, 0.83676), +INFO : (39, 0.844074), +INFO : (40, 0.850626), +INFO : (41, 0.84974), +INFO : (42, 0.85233), +INFO : (43, 0.862858), +INFO : (44, 0.863744), +INFO : (45, 0.867588), +INFO : (46, 0.87288), +INFO : (47, 0.877392), +INFO : (48, 0.877106), +INFO : (49, 0.87931), +INFO : (50, 0.883378)], +INFO : 'train_loss': [(1, 3109.460409104824), +INFO : (2, 2592.243695473671), +INFO : (3, 2356.6294787168504), +INFO : (4, 2206.610779130459), +INFO : (5, 2092.305832952261), +INFO : (6, 1993.2471222549677), +INFO : (7, 1904.3592978537083), +INFO : (8, 1823.8767365574836), +INFO : (9, 1760.6308872401714), +INFO : (10, 1697.161806344986), +INFO : (11, 1641.4119103997946), +INFO : (12, 1580.850463026762), +INFO : (13, 1525.678809195757), +INFO : (14, 1491.9743869006634), +INFO : (15, 1444.8641871362925), +INFO : (16, 1396.4980882942677), +INFO : (17, 1337.530906969309), +INFO : (18, 1294.8550290346145), +INFO : (19, 1272.1571956068278), +INFO : (20, 1223.1194159209729), +INFO : (21, 1189.3557456046342), +INFO : (22, 1156.1879030302166), +INFO : (23, 1133.4041618585586), +INFO : (24, 1086.1949437886476), +INFO : (25, 1053.5893995702268), +INFO : (26, 1014.2703124910593), +INFO : (27, 987.6492332249879), +INFO : (28, 953.2594500675798), +INFO : (29, 923.6406656846405), +INFO : (30, 908.3152992650867), +INFO : (31, 886.0140944279731), +INFO : (32, 855.0092654332518), +INFO : (33, 825.9881305441261), +INFO : (34, 792.613566877693), +INFO : (35, 782.772928609699), +INFO : (36, 764.4256215199828), +INFO : (37, 725.1370030269027), +INFO : (38, 724.5253175862133), +INFO : (39, 694.0214562907815), +INFO : (40, 665.5844401724637), +INFO : (41, 661.8330104246736), +INFO : (42, 650.1352440282702), +INFO : (43, 609.3724734812974), +INFO : (44, 601.8643136866391), +INFO : (45, 583.0451103821397), +INFO : (46, 561.3877269253135), +INFO : (47, 542.3436301514506), +INFO : (48, 539.1426737766712), +INFO : (49, 525.3393753170967), +INFO : (50, 507.436161114648)], +INFO : 'val_accuracy': [(1, 0.28582), +INFO : (2, 0.39846), +INFO : (3, 0.44713), +INFO : (4, 0.48386), +INFO : (5, 0.50845), +INFO : (6, 0.52958), +INFO : (7, 0.54776), +INFO : (8, 0.56516), +INFO : (9, 0.57615), +INFO : (10, 0.58725), +INFO : (11, 0.59921), +INFO : (12, 0.61076), +INFO : (13, 0.62144), +INFO : (14, 0.62342), +INFO : (15, 0.6296), +INFO : (16, 0.63439), +INFO : (17, 0.6406), +INFO : (18, 0.64412), +INFO : (19, 0.64533), +INFO : (20, 0.65047), +INFO : (21, 0.65126), +INFO : (22, 0.651), +INFO : (23, 0.65136), +INFO : (24, 0.65453), +INFO : (25, 0.65605), +INFO : (26, 0.65746), +INFO : (27, 0.65481), +INFO : (28, 0.65875), +INFO : (29, 0.65853), +INFO : (30, 0.65449), +INFO : (31, 0.65343), +INFO : (32, 0.65331), +INFO : (33, 0.65472), +INFO : (34, 0.65442), +INFO : (35, 0.65208), +INFO : (36, 0.65143), +INFO : (37, 0.65069), +INFO : (38, 0.64826), +INFO : (39, 0.64866), +INFO : (40, 0.65136), +INFO : (41, 0.6477), +INFO : (42, 0.64359), +INFO : (43, 0.64599), +INFO : (44, 0.64475), +INFO : (45, 0.64322), +INFO : (46, 0.64454), +INFO : (47, 0.64157), +INFO : (48, 0.63959), +INFO : (49, 0.63822), +INFO : (50, 0.6387)], +INFO : 'val_loss': [(1, 19785.555547140542), +INFO : (2, 16548.418507694456), +INFO : (3, 15132.762845946472), +INFO : (4, 14232.65742450517), +INFO : (5, 13587.206826272004), +INFO : (6, 13055.08531572092), +INFO : (7, 12578.748129274903), +INFO : (8, 12133.422329041716), +INFO : (9, 11834.986917255188), +INFO : (10, 11539.77073407014), +INFO : (11, 11290.67465944726), +INFO : (12, 11005.270698722432), +INFO : (13, 10768.658179621425), +INFO : (14, 10722.605511876798), +INFO : (15, 10545.890844390962), +INFO : (16, 10451.15873801487), +INFO : (17, 10268.452492520655), +INFO : (18, 10153.8488617447), +INFO : (19, 10189.013934309585), +INFO : (20, 10092.651794971409), +INFO : (21, 10104.05758568862), +INFO : (22, 10110.213390405399), +INFO : (23, 10215.164628692035), +INFO : (24, 10171.092995119236), +INFO : (25, 10162.228259028136), +INFO : (26, 10229.618951699957), +INFO : (27, 10323.17267042583), +INFO : (28, 10320.80830838148), +INFO : (29, 10475.008648700205), +INFO : (30, 10692.577378825696), +INFO : (31, 10826.007469006088), +INFO : (32, 10944.294045607501), +INFO : (33, 11095.14429219944), +INFO : (34, 11172.548067024349), +INFO : (35, 11411.106083070508), +INFO : (36, 11672.206816529115), +INFO : (37, 11759.693662743348), +INFO : (38, 12156.74582757969), +INFO : (39, 12257.727554501558), +INFO : (40, 12479.668799751258), +INFO : (41, 12828.105427846402), +INFO : (42, 13120.029794715732), +INFO : (43, 13225.213628127802), +INFO : (44, 13571.329656059585), +INFO : (45, 13883.037911067857), +INFO : (46, 14090.47343436468), +INFO : (47, 14520.845789608198), +INFO : (48, 14788.221830324777), +INFO : (49, 15133.754639620334), +INFO : (50, 15593.660318973112)]} +INFO : +(ClientAppActor pid=3136334) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3136325) Files already downloaded and verified +(ClientAppActor pid=3136335) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3136339) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..2c0ddbc42032 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_3_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140348) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140348) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140348) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140348) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140348) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140358) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140358) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140349) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140354) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3140360) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1905.27s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.235452), +INFO : (2, 0.356524), +INFO : (3, 0.423436), +INFO : (4, 0.471124), +INFO : (5, 0.506672), +INFO : (6, 0.533422), +INFO : (7, 0.55878), +INFO : (8, 0.579462), +INFO : (9, 0.596768), +INFO : (10, 0.618198), +INFO : (11, 0.628914), +INFO : (12, 0.642762), +INFO : (13, 0.655062), +INFO : (14, 0.660196), +INFO : (15, 0.672494), +INFO : (16, 0.683574), +INFO : (17, 0.694424), +INFO : (18, 0.706534), +INFO : (19, 0.712678), +INFO : (20, 0.720352), +INFO : (21, 0.726746), +INFO : (22, 0.730342), +INFO : (23, 0.745292), +INFO : (24, 0.74946), +INFO : (25, 0.755856), +INFO : (26, 0.762912), +INFO : (27, 0.770274), +INFO : (28, 0.769646), +INFO : (29, 0.783944), +INFO : (30, 0.788398), +INFO : (31, 0.796104), +INFO : (32, 0.797894), +INFO : (33, 0.804622), +INFO : (34, 0.813624), +INFO : (35, 0.8192), +INFO : (36, 0.818508), +INFO : (37, 0.82672), +INFO : (38, 0.827372), +INFO : (39, 0.838002), +INFO : (40, 0.838806), +INFO : (41, 0.845018), +INFO : (42, 0.84718), +INFO : (43, 0.853752), +INFO : (44, 0.860518), +INFO : (45, 0.860998), +INFO : (46, 0.862582), +INFO : (47, 0.866438), +INFO : (48, 0.871442), +INFO : (49, 0.87459), +INFO : (50, 0.868272)], +INFO : 'train_loss': [(1, 3290.853568267822), +INFO : (2, 2770.6963180184366), +INFO : (3, 2469.050849711895), +INFO : (4, 2275.0267094016076), +INFO : (5, 2131.9126901566983), +INFO : (6, 2027.9687662422657), +INFO : (7, 1930.444061654806), +INFO : (8, 1844.8856138944625), +INFO : (9, 1779.2757519841193), +INFO : (10, 1692.4566435545682), +INFO : (11, 1648.7792047381402), +INFO : (12, 1592.5515222072602), +INFO : (13, 1540.0742344290018), +INFO : (14, 1514.7989800632), +INFO : (15, 1458.4695258021354), +INFO : (16, 1413.960988086462), +INFO : (17, 1367.8143994033337), +INFO : (18, 1315.0594430595636), +INFO : (19, 1288.1922524899244), +INFO : (20, 1252.923613256216), +INFO : (21, 1220.740289068222), +INFO : (22, 1203.9691648632288), +INFO : (23, 1144.347795087099), +INFO : (24, 1120.1531890586018), +INFO : (25, 1090.966740104556), +INFO : (26, 1059.2721661761402), +INFO : (27, 1028.955140990019), +INFO : (28, 1021.2972018674016), +INFO : (29, 964.8534818723798), +INFO : (30, 944.8090416297316), +INFO : (31, 911.0867038607597), +INFO : (32, 902.5493080601096), +INFO : (33, 871.4375521138311), +INFO : (34, 830.8196957662701), +INFO : (35, 808.2344636812807), +INFO : (36, 808.1293308451772), +INFO : (37, 767.7343042455614), +INFO : (38, 766.52849830091), +INFO : (39, 722.140790490061), +INFO : (40, 713.2371917873621), +INFO : (41, 686.7716377817094), +INFO : (42, 677.006629794836), +INFO : (43, 648.7122675292194), +INFO : (44, 617.5483941406012), +INFO : (45, 613.9717989243567), +INFO : (46, 603.6741214208305), +INFO : (47, 583.3579153250903), +INFO : (48, 566.7045332327485), +INFO : (49, 550.1797464184463), +INFO : (50, 569.4934872157871)], +INFO : 'val_accuracy': [(1, 0.23973), +INFO : (2, 0.35768), +INFO : (3, 0.42383), +INFO : (4, 0.46892), +INFO : (5, 0.50135), +INFO : (6, 0.52219), +INFO : (7, 0.54084), +INFO : (8, 0.55778), +INFO : (9, 0.57002), +INFO : (10, 0.58425), +INFO : (11, 0.59218), +INFO : (12, 0.59982), +INFO : (13, 0.60573), +INFO : (14, 0.60655), +INFO : (15, 0.61137), +INFO : (16, 0.61764), +INFO : (17, 0.62244), +INFO : (18, 0.62742), +INFO : (19, 0.62775), +INFO : (20, 0.62842), +INFO : (21, 0.62914), +INFO : (22, 0.62849), +INFO : (23, 0.63295), +INFO : (24, 0.63223), +INFO : (25, 0.63212), +INFO : (26, 0.63202), +INFO : (27, 0.63174), +INFO : (28, 0.62914), +INFO : (29, 0.63277), +INFO : (30, 0.62931), +INFO : (31, 0.63135), +INFO : (32, 0.62589), +INFO : (33, 0.627), +INFO : (34, 0.62946), +INFO : (35, 0.62613), +INFO : (36, 0.62326), +INFO : (37, 0.62383), +INFO : (38, 0.62058), +INFO : (39, 0.62133), +INFO : (40, 0.61961), +INFO : (41, 0.61953), +INFO : (42, 0.61718), +INFO : (43, 0.618), +INFO : (44, 0.61887), +INFO : (45, 0.61603), +INFO : (46, 0.61374), +INFO : (47, 0.61411), +INFO : (48, 0.61206), +INFO : (49, 0.61143), +INFO : (50, 0.60799)], +INFO : 'val_loss': [(1, 20999.429454308745), +INFO : (2, 17697.013410685955), +INFO : (3, 15809.751970331), +INFO : (4, 14640.641268307298), +INFO : (5, 13794.24803191367), +INFO : (6, 13257.414127964967), +INFO : (7, 12767.281455472512), +INFO : (8, 12340.899556123864), +INFO : (9, 12038.01672646321), +INFO : (10, 11670.909217912114), +INFO : (11, 11540.713519972502), +INFO : (12, 11330.392150070347), +INFO : (13, 11188.27407654767), +INFO : (14, 11205.608061064317), +INFO : (15, 11069.693092046024), +INFO : (16, 10970.317039598654), +INFO : (17, 10871.546221503399), +INFO : (18, 10763.09419612264), +INFO : (19, 10819.541853243069), +INFO : (20, 10833.979516852569), +INFO : (21, 10852.383003829407), +INFO : (22, 10985.909298251487), +INFO : (23, 10853.759017413613), +INFO : (24, 10991.862292097816), +INFO : (25, 11083.104292586298), +INFO : (26, 11158.052929420892), +INFO : (27, 11266.987031809074), +INFO : (28, 11480.89127940206), +INFO : (29, 11486.719368262051), +INFO : (30, 11622.468192858005), +INFO : (31, 11762.545267585343), +INFO : (32, 12027.481600352496), +INFO : (33, 12141.918046784327), +INFO : (34, 12275.575913988032), +INFO : (35, 12535.685519804785), +INFO : (36, 12780.836987907072), +INFO : (37, 13036.503134907935), +INFO : (38, 13355.548953433823), +INFO : (39, 13466.98268128027), +INFO : (40, 13861.505112679186), +INFO : (41, 14036.652796965674), +INFO : (42, 14446.30688792125), +INFO : (43, 14612.037598327282), +INFO : (44, 14787.910842692585), +INFO : (45, 15203.572577631203), +INFO : (46, 15687.982384341209), +INFO : (47, 16044.996172991274), +INFO : (48, 16395.684997673354), +INFO : (49, 16694.984598388666), +INFO : (50, 17324.520745867798)]} +INFO : +(ClientAppActor pid=3140357) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3140347) Files already downloaded and verified +(ClientAppActor pid=3140355) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3140356) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..c65275b489bc --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.02_NOISE_4_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144432) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144432) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144432) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144432) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144432) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144421) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144432) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144435) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144435) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144432) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144432) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144421) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144432) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144421) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144421) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144432) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3144424) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1943.14s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.316636), +INFO : (2, 0.41145), +INFO : (3, 0.4582), +INFO : (4, 0.498244), +INFO : (5, 0.526956), +INFO : (6, 0.553682), +INFO : (7, 0.568174), +INFO : (8, 0.591344), +INFO : (9, 0.609504), +INFO : (10, 0.61641), +INFO : (11, 0.631124), +INFO : (12, 0.645884), +INFO : (13, 0.657908), +INFO : (14, 0.667582), +INFO : (15, 0.678632), +INFO : (16, 0.685604), +INFO : (17, 0.69738), +INFO : (18, 0.704218), +INFO : (19, 0.70965), +INFO : (20, 0.722026), +INFO : (21, 0.730716), +INFO : (22, 0.732064), +INFO : (23, 0.746758), +INFO : (24, 0.745472), +INFO : (25, 0.758106), +INFO : (26, 0.764336), +INFO : (27, 0.77355), +INFO : (28, 0.778902), +INFO : (29, 0.782264), +INFO : (30, 0.785142), +INFO : (31, 0.796896), +INFO : (32, 0.800252), +INFO : (33, 0.803288), +INFO : (34, 0.810412), +INFO : (35, 0.815132), +INFO : (36, 0.821674), +INFO : (37, 0.829034), +INFO : (38, 0.823852), +INFO : (39, 0.837426), +INFO : (40, 0.838426), +INFO : (41, 0.848), +INFO : (42, 0.845476), +INFO : (43, 0.854338), +INFO : (44, 0.849352), +INFO : (45, 0.863154), +INFO : (46, 0.864916), +INFO : (47, 0.869022), +INFO : (48, 0.867524), +INFO : (49, 0.875494), +INFO : (50, 0.881024)], +INFO : 'train_loss': [(1, 2910.3611513614655), +INFO : (2, 2520.842174243927), +INFO : (3, 2333.1668953120707), +INFO : (4, 2166.0850138127803), +INFO : (5, 2057.552050703764), +INFO : (6, 1947.3768935918808), +INFO : (7, 1883.4389101743698), +INFO : (8, 1789.9020793259144), +INFO : (9, 1712.3301230043173), +INFO : (10, 1681.40967643857), +INFO : (11, 1621.7947776138783), +INFO : (12, 1556.498422384262), +INFO : (13, 1507.950264084339), +INFO : (14, 1463.174023911357), +INFO : (15, 1419.9799617916347), +INFO : (16, 1385.807548803091), +INFO : (17, 1339.240191423893), +INFO : (18, 1311.0230569899081), +INFO : (19, 1287.137197509408), +INFO : (20, 1237.7237456679345), +INFO : (21, 1195.8799807459116), +INFO : (22, 1186.4254565954209), +INFO : (23, 1130.1730549871922), +INFO : (24, 1128.4278223007918), +INFO : (25, 1076.003823018074), +INFO : (26, 1047.3581589907408), +INFO : (27, 1012.2374860316515), +INFO : (28, 985.4483822122216), +INFO : (29, 966.7404363632202), +INFO : (30, 953.862624271214), +INFO : (31, 910.2148701220751), +INFO : (32, 888.7296783931554), +INFO : (33, 872.6067054063082), +INFO : (34, 844.6868565194309), +INFO : (35, 823.1722983852029), +INFO : (36, 793.7063119880855), +INFO : (37, 763.6020755045116), +INFO : (38, 782.8656261920929), +INFO : (39, 725.749758091569), +INFO : (40, 716.5599743328988), +INFO : (41, 678.6932100236415), +INFO : (42, 684.0622625641524), +INFO : (43, 647.3602284431457), +INFO : (44, 657.857809188217), +INFO : (45, 605.4461921051145), +INFO : (46, 596.8965648356825), +INFO : (47, 576.835671613738), +INFO : (48, 581.4861725047231), +INFO : (49, 547.3945168111474), +INFO : (50, 524.1932407803833)], +INFO : 'val_accuracy': [(1, 0.32135), +INFO : (2, 0.41), +INFO : (3, 0.45634), +INFO : (4, 0.49177), +INFO : (5, 0.51822), +INFO : (6, 0.54247), +INFO : (7, 0.55444), +INFO : (8, 0.57458), +INFO : (9, 0.58895), +INFO : (10, 0.59438), +INFO : (11, 0.60381), +INFO : (12, 0.61325), +INFO : (13, 0.62244), +INFO : (14, 0.62706), +INFO : (15, 0.63422), +INFO : (16, 0.63501), +INFO : (17, 0.64221), +INFO : (18, 0.64247), +INFO : (19, 0.64351), +INFO : (20, 0.64877), +INFO : (21, 0.65224), +INFO : (22, 0.64892), +INFO : (23, 0.65596), +INFO : (24, 0.65033), +INFO : (25, 0.65427), +INFO : (26, 0.65507), +INFO : (27, 0.65639), +INFO : (28, 0.65602), +INFO : (29, 0.65429), +INFO : (30, 0.65046), +INFO : (31, 0.65412), +INFO : (32, 0.65195), +INFO : (33, 0.65053), +INFO : (34, 0.65086), +INFO : (35, 0.64783), +INFO : (36, 0.64855), +INFO : (37, 0.64919), +INFO : (38, 0.64187), +INFO : (39, 0.64492), +INFO : (40, 0.64265), +INFO : (41, 0.64401), +INFO : (42, 0.64155), +INFO : (43, 0.64034), +INFO : (44, 0.63788), +INFO : (45, 0.63824), +INFO : (46, 0.6382), +INFO : (47, 0.63638), +INFO : (48, 0.633), +INFO : (49, 0.63475), +INFO : (50, 0.63362)], +INFO : 'val_loss': [(1, 18586.796627420932), +INFO : (2, 16112.370490364361), +INFO : (3, 14968.1641807409), +INFO : (4, 13998.904648648739), +INFO : (5, 13379.485007903959), +INFO : (6, 12788.609747953866), +INFO : (7, 12449.856371710397), +INFO : (8, 11956.149189340726), +INFO : (9, 11576.316491979209), +INFO : (10, 11501.06851241712), +INFO : (11, 11218.318580303881), +INFO : (12, 10944.152263101796), +INFO : (13, 10752.20207049679), +INFO : (14, 10600.470623093834), +INFO : (15, 10480.638669773147), +INFO : (16, 10433.793344181751), +INFO : (17, 10306.063254946386), +INFO : (18, 10299.708806454591), +INFO : (19, 10289.979246601215), +INFO : (20, 10148.344191549038), +INFO : (21, 10125.085393630658), +INFO : (22, 10233.872786627968), +INFO : (23, 10080.154028521069), +INFO : (24, 10323.30617131626), +INFO : (25, 10237.959151620202), +INFO : (26, 10218.763583470938), +INFO : (27, 10305.55117922372), +INFO : (28, 10381.980469824854), +INFO : (29, 10477.29759958428), +INFO : (30, 10666.937797193494), +INFO : (31, 10657.62622968918), +INFO : (32, 10875.04658869459), +INFO : (33, 11065.426341062277), +INFO : (34, 11119.15972752899), +INFO : (35, 11315.64527141887), +INFO : (36, 11455.86394209727), +INFO : (37, 11595.531134540699), +INFO : (38, 12080.283293811359), +INFO : (39, 11910.08756061835), +INFO : (40, 12286.645026031467), +INFO : (41, 12362.484222195426), +INFO : (42, 12808.833949312004), +INFO : (43, 12937.803486858296), +INFO : (44, 13464.921232527528), +INFO : (45, 13495.540505130868), +INFO : (46, 13766.127733273182), +INFO : (47, 14135.725931915857), +INFO : (48, 14396.122181827956), +INFO : (49, 14747.1703381081), +INFO : (50, 15082.130326072085)]} +INFO : +(ClientAppActor pid=3144427) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3144424) Files already downloaded and verified +(ClientAppActor pid=3144430) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3144435) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..21ef90b8600d --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_0_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064902) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064907) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064905) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064911) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3064910) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1905.85s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.267), +INFO : (2, 0.393864), +INFO : (3, 0.453482), +INFO : (4, 0.488406), +INFO : (5, 0.520022), +INFO : (6, 0.5437), +INFO : (7, 0.566672), +INFO : (8, 0.58735), +INFO : (9, 0.60498), +INFO : (10, 0.619402), +INFO : (11, 0.632766), +INFO : (12, 0.647024), +INFO : (13, 0.654662), +INFO : (14, 0.664), +INFO : (15, 0.670878), +INFO : (16, 0.683548), +INFO : (17, 0.696392), +INFO : (18, 0.701576), +INFO : (19, 0.712952), +INFO : (20, 0.716696), +INFO : (21, 0.72741), +INFO : (22, 0.735022), +INFO : (23, 0.742336), +INFO : (24, 0.748578), +INFO : (25, 0.759352), +INFO : (26, 0.763358), +INFO : (27, 0.771986), +INFO : (28, 0.777162), +INFO : (29, 0.783634), +INFO : (30, 0.791056), +INFO : (31, 0.79044), +INFO : (32, 0.797652), +INFO : (33, 0.807462), +INFO : (34, 0.810062), +INFO : (35, 0.812928), +INFO : (36, 0.820438), +INFO : (37, 0.82563), +INFO : (38, 0.828612), +INFO : (39, 0.83509), +INFO : (40, 0.840436), +INFO : (41, 0.846772), +INFO : (42, 0.849446), +INFO : (43, 0.853518), +INFO : (44, 0.855696), +INFO : (45, 0.86196), +INFO : (46, 0.861972), +INFO : (47, 0.868594), +INFO : (48, 0.871332), +INFO : (49, 0.87261), +INFO : (50, 0.87772)], +INFO : 'train_loss': [(1, 3197.2598994374275), +INFO : (2, 2574.13924394846), +INFO : (3, 2342.8296555519105), +INFO : (4, 2202.997094672918), +INFO : (5, 2078.453517705202), +INFO : (6, 1987.4642737090587), +INFO : (7, 1896.0023744344712), +INFO : (8, 1810.7098532021046), +INFO : (9, 1736.2197338014842), +INFO : (10, 1677.8287771463395), +INFO : (11, 1619.8785699635744), +INFO : (12, 1567.1384885132313), +INFO : (13, 1525.880042204261), +INFO : (14, 1488.474658820033), +INFO : (15, 1454.4023121029138), +INFO : (16, 1403.5447980642318), +INFO : (17, 1347.9691020220519), +INFO : (18, 1322.5794364601375), +INFO : (19, 1275.8596421808004), +INFO : (20, 1252.8296903014184), +INFO : (21, 1206.939390334487), +INFO : (22, 1178.7270522907377), +INFO : (23, 1145.9030290141702), +INFO : (24, 1116.632670122385), +INFO : (25, 1073.6298215016723), +INFO : (26, 1051.9130301237105), +INFO : (27, 1017.0444352924824), +INFO : (28, 995.9414458438754), +INFO : (29, 963.2215589299798), +INFO : (30, 933.5337895601988), +INFO : (31, 930.9275404512882), +INFO : (32, 899.1882456362248), +INFO : (33, 859.9145685449242), +INFO : (34, 846.2976966358722), +INFO : (35, 826.8044886797667), +INFO : (36, 797.8371621489525), +INFO : (37, 778.4987612217665), +INFO : (38, 762.977611847967), +INFO : (39, 731.9746314153075), +INFO : (40, 712.3212589845061), +INFO : (41, 684.0656408466399), +INFO : (42, 670.2959525004029), +INFO : (43, 648.57718520239), +INFO : (44, 636.932415266335), +INFO : (45, 611.5790136463941), +INFO : (46, 606.9561666026711), +INFO : (47, 579.1019746519626), +INFO : (48, 566.5204898133874), +INFO : (49, 557.7214644096791), +INFO : (50, 535.6437445536255)], +INFO : 'val_accuracy': [(1, 0.26958), +INFO : (2, 0.39526), +INFO : (3, 0.45447), +INFO : (4, 0.48461), +INFO : (5, 0.51107), +INFO : (6, 0.53013), +INFO : (7, 0.54741), +INFO : (8, 0.56236), +INFO : (9, 0.57614), +INFO : (10, 0.58662), +INFO : (11, 0.59667), +INFO : (12, 0.60425), +INFO : (13, 0.60737), +INFO : (14, 0.61196), +INFO : (15, 0.6143), +INFO : (16, 0.61941), +INFO : (17, 0.62572), +INFO : (18, 0.62474), +INFO : (19, 0.62881), +INFO : (20, 0.62975), +INFO : (21, 0.63209), +INFO : (22, 0.63316), +INFO : (23, 0.63586), +INFO : (24, 0.63669), +INFO : (25, 0.63771), +INFO : (26, 0.63816), +INFO : (27, 0.63855), +INFO : (28, 0.63898), +INFO : (29, 0.63716), +INFO : (30, 0.6383), +INFO : (31, 0.6341), +INFO : (32, 0.63516), +INFO : (33, 0.63444), +INFO : (34, 0.63146), +INFO : (35, 0.63232), +INFO : (36, 0.62984), +INFO : (37, 0.63028), +INFO : (38, 0.62732), +INFO : (39, 0.62803), +INFO : (40, 0.62669), +INFO : (41, 0.62459), +INFO : (42, 0.62262), +INFO : (43, 0.62265), +INFO : (44, 0.62011), +INFO : (45, 0.62127), +INFO : (46, 0.61587), +INFO : (47, 0.61625), +INFO : (48, 0.61372), +INFO : (49, 0.61276), +INFO : (50, 0.61455)], +INFO : 'val_loss': [(1, 20436.675435405967), +INFO : (2, 16403.21186539307), +INFO : (3, 14989.106261903189), +INFO : (4, 14219.252729112364), +INFO : (5, 13556.5484882795), +INFO : (6, 13098.023184787455), +INFO : (7, 12650.701286350575), +INFO : (8, 12207.71562773189), +INFO : (9, 11892.06560687031), +INFO : (10, 11648.125831295305), +INFO : (11, 11436.209920062827), +INFO : (12, 11240.971714791145), +INFO : (13, 11192.479837516341), +INFO : (14, 11103.739935956071), +INFO : (15, 11098.649373928933), +INFO : (16, 10973.977666671262), +INFO : (17, 10829.604203194685), +INFO : (18, 10863.986641764519), +INFO : (19, 10771.65068752017), +INFO : (20, 10880.589926658988), +INFO : (21, 10840.765689315389), +INFO : (22, 10823.30178477395), +INFO : (23, 10865.682882796285), +INFO : (24, 10951.31915075193), +INFO : (25, 10957.365514338955), +INFO : (26, 11100.404886508271), +INFO : (27, 11118.212604523082), +INFO : (28, 11240.76758911835), +INFO : (29, 11383.708598100537), +INFO : (30, 11434.833699239922), +INFO : (31, 11694.152889682275), +INFO : (32, 11859.377144169466), +INFO : (33, 11938.678690443163), +INFO : (34, 12145.209297580039), +INFO : (35, 12414.309718107195), +INFO : (36, 12506.539011847155), +INFO : (37, 12803.740331516441), +INFO : (38, 12977.998281037388), +INFO : (39, 13266.648020392795), +INFO : (40, 13445.404437011886), +INFO : (41, 13723.0371412505), +INFO : (42, 14016.876396698473), +INFO : (43, 14280.224411846299), +INFO : (44, 14684.091828153581), +INFO : (45, 14899.941546993876), +INFO : (46, 15383.061510461332), +INFO : (47, 15583.966045878322), +INFO : (48, 15939.177139457062), +INFO : (49, 16342.263398146493), +INFO : (50, 16704.260683125725)]} +INFO : +(ClientAppActor pid=3064912) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3064900) Files already downloaded and verified +(ClientAppActor pid=3064910) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3064908) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..50bc96bfe110 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_1_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068957) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068957) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068956) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068952) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3068959) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1921.04s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.261328), +INFO : (2, 0.360224), +INFO : (3, 0.424862), +INFO : (4, 0.472304), +INFO : (5, 0.506556), +INFO : (6, 0.53557), +INFO : (7, 0.559128), +INFO : (8, 0.578598), +INFO : (9, 0.596504), +INFO : (10, 0.610722), +INFO : (11, 0.624704), +INFO : (12, 0.633238), +INFO : (13, 0.65008), +INFO : (14, 0.661196), +INFO : (15, 0.675598), +INFO : (16, 0.679294), +INFO : (17, 0.690146), +INFO : (18, 0.694214), +INFO : (19, 0.706096), +INFO : (20, 0.714458), +INFO : (21, 0.723736), +INFO : (22, 0.727682), +INFO : (23, 0.737542), +INFO : (24, 0.744052), +INFO : (25, 0.75086), +INFO : (26, 0.754166), +INFO : (27, 0.767418), +INFO : (28, 0.76712), +INFO : (29, 0.776116), +INFO : (30, 0.785616), +INFO : (31, 0.78963), +INFO : (32, 0.795918), +INFO : (33, 0.798486), +INFO : (34, 0.809098), +INFO : (35, 0.814368), +INFO : (36, 0.823426), +INFO : (37, 0.825766), +INFO : (38, 0.831004), +INFO : (39, 0.83142), +INFO : (40, 0.84089), +INFO : (41, 0.84209), +INFO : (42, 0.847026), +INFO : (43, 0.84534), +INFO : (44, 0.860778), +INFO : (45, 0.863444), +INFO : (46, 0.864668), +INFO : (47, 0.863894), +INFO : (48, 0.87595), +INFO : (49, 0.88152), +INFO : (50, 0.873406)], +INFO : 'train_loss': [(1, 3180.240643298626), +INFO : (2, 2759.771666944027), +INFO : (3, 2449.7397115945814), +INFO : (4, 2269.7065413057803), +INFO : (5, 2138.7895796656608), +INFO : (6, 2030.5857558608054), +INFO : (7, 1931.9594695806504), +INFO : (8, 1852.6299348592759), +INFO : (9, 1774.2864603459834), +INFO : (10, 1714.7737724006176), +INFO : (11, 1657.704857185483), +INFO : (12, 1613.1670294135808), +INFO : (13, 1551.263672313094), +INFO : (14, 1499.014180457592), +INFO : (15, 1437.8369217872619), +INFO : (16, 1419.0410189956426), +INFO : (17, 1374.9377145707608), +INFO : (18, 1356.3998362928628), +INFO : (19, 1303.5290356755256), +INFO : (20, 1262.1992065608501), +INFO : (21, 1226.6875781193376), +INFO : (22, 1206.430039744079), +INFO : (23, 1164.2883268922567), +INFO : (24, 1134.5130661532282), +INFO : (25, 1105.8880503803491), +INFO : (26, 1084.4886680603026), +INFO : (27, 1029.724541683495), +INFO : (28, 1027.3635544285178), +INFO : (29, 992.4217033937573), +INFO : (30, 950.6493195235729), +INFO : (31, 933.4316446766258), +INFO : (32, 905.3913056105375), +INFO : (33, 891.563436922431), +INFO : (34, 846.477740944177), +INFO : (35, 827.7675484016538), +INFO : (36, 786.906933169812), +INFO : (37, 773.8890390656888), +INFO : (38, 754.0292628116906), +INFO : (39, 747.9267353013158), +INFO : (40, 705.7198889173567), +INFO : (41, 696.7255308538676), +INFO : (42, 676.217413071543), +INFO : (43, 678.3506181687117), +INFO : (44, 619.3771404534579), +INFO : (45, 608.5875801473856), +INFO : (46, 598.9574965298176), +INFO : (47, 594.2997926935553), +INFO : (48, 551.3145032096654), +INFO : (49, 525.9273569554091), +INFO : (50, 554.9281823191792)], +INFO : 'val_accuracy': [(1, 0.26767), +INFO : (2, 0.36181), +INFO : (3, 0.42418), +INFO : (4, 0.47069), +INFO : (5, 0.50017), +INFO : (6, 0.52254), +INFO : (7, 0.54286), +INFO : (8, 0.55836), +INFO : (9, 0.57156), +INFO : (10, 0.58319), +INFO : (11, 0.59381), +INFO : (12, 0.59622), +INFO : (13, 0.60904), +INFO : (14, 0.61515), +INFO : (15, 0.6223), +INFO : (16, 0.62251), +INFO : (17, 0.62671), +INFO : (18, 0.62714), +INFO : (19, 0.63109), +INFO : (20, 0.63491), +INFO : (21, 0.63636), +INFO : (22, 0.63541), +INFO : (23, 0.63813), +INFO : (24, 0.63878), +INFO : (25, 0.63931), +INFO : (26, 0.63717), +INFO : (27, 0.64232), +INFO : (28, 0.63781), +INFO : (29, 0.63983), +INFO : (30, 0.64093), +INFO : (31, 0.63905), +INFO : (32, 0.63986), +INFO : (33, 0.63657), +INFO : (34, 0.63748), +INFO : (35, 0.63438), +INFO : (36, 0.63831), +INFO : (37, 0.63697), +INFO : (38, 0.6352), +INFO : (39, 0.63146), +INFO : (40, 0.63247), +INFO : (41, 0.63072), +INFO : (42, 0.62729), +INFO : (43, 0.62637), +INFO : (44, 0.62785), +INFO : (45, 0.6248), +INFO : (46, 0.62544), +INFO : (47, 0.62265), +INFO : (48, 0.62336), +INFO : (49, 0.62314), +INFO : (50, 0.61776)], +INFO : 'val_loss': [(1, 20292.38207144439), +INFO : (2, 17597.43268122524), +INFO : (3, 15653.785055521874), +INFO : (4, 14580.167901733521), +INFO : (5, 13861.177232906011), +INFO : (6, 13277.657672417572), +INFO : (7, 12771.98663401503), +INFO : (8, 12382.791143086974), +INFO : (9, 12000.80718460904), +INFO : (10, 11740.794036871503), +INFO : (11, 11503.786500228356), +INFO : (12, 11378.111254050635), +INFO : (13, 11136.479817313728), +INFO : (14, 10986.772559160028), +INFO : (15, 10759.271088965927), +INFO : (16, 10815.799102163637), +INFO : (17, 10703.091925631776), +INFO : (18, 10739.89884769725), +INFO : (19, 10666.74409130761), +INFO : (20, 10610.12134965968), +INFO : (21, 10603.575856741503), +INFO : (22, 10670.381187500625), +INFO : (23, 10632.451055724388), +INFO : (24, 10677.710218645081), +INFO : (25, 10660.266172838035), +INFO : (26, 10891.512937022873), +INFO : (27, 10785.101329276791), +INFO : (28, 11055.383430404345), +INFO : (29, 11094.777271946874), +INFO : (30, 11139.08513637726), +INFO : (31, 11339.684052063882), +INFO : (32, 11456.658484313477), +INFO : (33, 11590.978014939983), +INFO : (34, 11751.409998112558), +INFO : (35, 11962.341511925784), +INFO : (36, 12108.358909633936), +INFO : (37, 12259.105846679993), +INFO : (38, 12513.147425372426), +INFO : (39, 12935.3678969872), +INFO : (40, 12977.026068761195), +INFO : (41, 13398.583143926457), +INFO : (42, 13733.753754186908), +INFO : (43, 14119.472402855812), +INFO : (44, 14110.935367998392), +INFO : (45, 14458.147661985933), +INFO : (46, 14837.071448238965), +INFO : (47, 15314.977919150242), +INFO : (48, 15351.745061843614), +INFO : (49, 15640.249026527787), +INFO : (50, 16270.353137552936)]} +INFO : +(ClientAppActor pid=3068966) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3068958) Files already downloaded and verified +(ClientAppActor pid=3068967) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3068964) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..fc5fa9c96d8e --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_2_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073006) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073004) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073010) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073008) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3073007) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1894.50s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.256184), +INFO : (2, 0.37791), +INFO : (3, 0.437188), +INFO : (4, 0.479944), +INFO : (5, 0.504916), +INFO : (6, 0.529978), +INFO : (7, 0.54872), +INFO : (8, 0.562054), +INFO : (9, 0.578376), +INFO : (10, 0.589412), +INFO : (11, 0.606024), +INFO : (12, 0.617148), +INFO : (13, 0.629102), +INFO : (14, 0.639218), +INFO : (15, 0.645118), +INFO : (16, 0.657372), +INFO : (17, 0.666194), +INFO : (18, 0.67256), +INFO : (19, 0.683178), +INFO : (20, 0.690066), +INFO : (21, 0.700982), +INFO : (22, 0.702726), +INFO : (23, 0.712266), +INFO : (24, 0.724978), +INFO : (25, 0.72489), +INFO : (26, 0.733604), +INFO : (27, 0.741576), +INFO : (28, 0.752292), +INFO : (29, 0.757784), +INFO : (30, 0.762244), +INFO : (31, 0.769354), +INFO : (32, 0.778338), +INFO : (33, 0.778736), +INFO : (34, 0.782152), +INFO : (35, 0.78666), +INFO : (36, 0.798832), +INFO : (37, 0.802306), +INFO : (38, 0.804704), +INFO : (39, 0.8177), +INFO : (40, 0.818536), +INFO : (41, 0.819456), +INFO : (42, 0.824714), +INFO : (43, 0.826788), +INFO : (44, 0.83769), +INFO : (45, 0.84066), +INFO : (46, 0.844004), +INFO : (47, 0.846442), +INFO : (48, 0.845298), +INFO : (49, 0.856522), +INFO : (50, 0.858766)], +INFO : 'train_loss': [(1, 3211.2293326377867), +INFO : (2, 2670.693853366375), +INFO : (3, 2423.6934507369997), +INFO : (4, 2254.2317756891252), +INFO : (5, 2151.525171983242), +INFO : (6, 2053.0233341991902), +INFO : (7, 1975.0662456929683), +INFO : (8, 1919.3190478026868), +INFO : (9, 1855.236617988348), +INFO : (10, 1810.6453189074994), +INFO : (11, 1739.7486903041602), +INFO : (12, 1693.626791188121), +INFO : (13, 1645.6036241531372), +INFO : (14, 1601.445221823454), +INFO : (15, 1577.5993239283562), +INFO : (16, 1521.530504271388), +INFO : (17, 1484.5491223096847), +INFO : (18, 1457.0388036370277), +INFO : (19, 1408.7110912263392), +INFO : (20, 1382.4495552510023), +INFO : (21, 1333.3151622772216), +INFO : (22, 1323.7430470973254), +INFO : (23, 1282.7427707076072), +INFO : (24, 1227.4438418924808), +INFO : (25, 1232.3149209931494), +INFO : (26, 1186.8915673017502), +INFO : (27, 1156.1834544166923), +INFO : (28, 1110.6262657940388), +INFO : (29, 1084.4483695834874), +INFO : (30, 1062.9304785236716), +INFO : (31, 1030.4687461689114), +INFO : (32, 996.4399058818817), +INFO : (33, 988.802685560286), +INFO : (34, 968.7337001815438), +INFO : (35, 950.97967749089), +INFO : (36, 901.9716269135475), +INFO : (37, 883.8484754294157), +INFO : (38, 868.8767791002989), +INFO : (39, 817.735154260695), +INFO : (40, 810.6541078314185), +INFO : (41, 800.8028549931944), +INFO : (42, 780.6887569382786), +INFO : (43, 766.5979882545769), +INFO : (44, 724.7513062439859), +INFO : (45, 708.4391855441033), +INFO : (46, 691.9719909898937), +INFO : (47, 679.0555798821151), +INFO : (48, 681.3691816866398), +INFO : (49, 635.9501495108009), +INFO : (50, 624.6776514485479)], +INFO : 'val_accuracy': [(1, 0.26104), +INFO : (2, 0.37938), +INFO : (3, 0.43781), +INFO : (4, 0.47642), +INFO : (5, 0.49611), +INFO : (6, 0.51704), +INFO : (7, 0.53287), +INFO : (8, 0.5435), +INFO : (9, 0.55745), +INFO : (10, 0.56508), +INFO : (11, 0.57826), +INFO : (12, 0.58577), +INFO : (13, 0.59018), +INFO : (14, 0.59905), +INFO : (15, 0.60059), +INFO : (16, 0.60645), +INFO : (17, 0.61023), +INFO : (18, 0.61144), +INFO : (19, 0.61765), +INFO : (20, 0.61979), +INFO : (21, 0.62363), +INFO : (22, 0.62108), +INFO : (23, 0.62503), +INFO : (24, 0.62895), +INFO : (25, 0.62399), +INFO : (26, 0.62785), +INFO : (27, 0.63044), +INFO : (28, 0.63118), +INFO : (29, 0.63017), +INFO : (30, 0.62861), +INFO : (31, 0.6306), +INFO : (32, 0.62992), +INFO : (33, 0.62714), +INFO : (34, 0.62863), +INFO : (35, 0.62201), +INFO : (36, 0.62812), +INFO : (37, 0.62488), +INFO : (38, 0.62192), +INFO : (39, 0.62699), +INFO : (40, 0.62342), +INFO : (41, 0.61991), +INFO : (42, 0.61975), +INFO : (43, 0.61754), +INFO : (44, 0.62061), +INFO : (45, 0.61696), +INFO : (46, 0.61416), +INFO : (47, 0.61549), +INFO : (48, 0.61163), +INFO : (49, 0.61085), +INFO : (50, 0.60934)], +INFO : 'val_loss': [(1, 20475.172616198655), +INFO : (2, 17015.66638447903), +INFO : (3, 15511.828498613464), +INFO : (4, 14483.389456147745), +INFO : (5, 13912.178204639209), +INFO : (6, 13347.616893510542), +INFO : (7, 12928.015219277504), +INFO : (8, 12661.348642353156), +INFO : (9, 12353.455142649344), +INFO : (10, 12188.494443975855), +INFO : (11, 11854.776040955749), +INFO : (12, 11702.179970968074), +INFO : (13, 11542.076481128248), +INFO : (14, 11386.223021591746), +INFO : (15, 11373.309644593624), +INFO : (16, 11184.010818663286), +INFO : (17, 11128.811346924653), +INFO : (18, 11127.013230380964), +INFO : (19, 10964.419204402793), +INFO : (20, 11026.942596958852), +INFO : (21, 10903.380822826179), +INFO : (22, 11067.42634165775), +INFO : (23, 10993.713256633411), +INFO : (24, 10890.040626527498), +INFO : (25, 11157.253975376247), +INFO : (26, 11122.215621689915), +INFO : (27, 11168.72014545171), +INFO : (28, 11148.820638781915), +INFO : (29, 11174.227612123588), +INFO : (30, 11389.31307304334), +INFO : (31, 11431.578301700889), +INFO : (32, 11469.03500182948), +INFO : (33, 11754.77100299546), +INFO : (34, 11835.851999373865), +INFO : (35, 12073.108366133894), +INFO : (36, 12143.779067939196), +INFO : (37, 12315.72258613305), +INFO : (38, 12562.46570838424), +INFO : (39, 12603.566388213207), +INFO : (40, 12982.443470971179), +INFO : (41, 13179.620667753126), +INFO : (42, 13397.148271360596), +INFO : (43, 13700.404945597047), +INFO : (44, 13796.926489639845), +INFO : (45, 14138.210232258667), +INFO : (46, 14419.158703977571), +INFO : (47, 14670.975014960919), +INFO : (48, 15140.535266013747), +INFO : (49, 15241.788566692981), +INFO : (50, 15697.215433881292)]} +INFO : +(ClientAppActor pid=3073012) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3073006) Files already downloaded and verified +(ClientAppActor pid=3073019) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3073015) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..e83b434d0b71 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_3_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077046) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077046) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077055) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077046) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077053) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077054) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077069) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3077051) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1884.38s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.256856), +INFO : (2, 0.349746), +INFO : (3, 0.417722), +INFO : (4, 0.462528), +INFO : (5, 0.502404), +INFO : (6, 0.536566), +INFO : (7, 0.560222), +INFO : (8, 0.577444), +INFO : (9, 0.592724), +INFO : (10, 0.610884), +INFO : (11, 0.620084), +INFO : (12, 0.634206), +INFO : (13, 0.648244), +INFO : (14, 0.66121), +INFO : (15, 0.66711), +INFO : (16, 0.67956), +INFO : (17, 0.68692), +INFO : (18, 0.698026), +INFO : (19, 0.706892), +INFO : (20, 0.714778), +INFO : (21, 0.722666), +INFO : (22, 0.72931), +INFO : (23, 0.73398), +INFO : (24, 0.742826), +INFO : (25, 0.75007), +INFO : (26, 0.756362), +INFO : (27, 0.759668), +INFO : (28, 0.766362), +INFO : (29, 0.773958), +INFO : (30, 0.77964), +INFO : (31, 0.783348), +INFO : (32, 0.788176), +INFO : (33, 0.791464), +INFO : (34, 0.800068), +INFO : (35, 0.805956), +INFO : (36, 0.812328), +INFO : (37, 0.819494), +INFO : (38, 0.825038), +INFO : (39, 0.826954), +INFO : (40, 0.82813), +INFO : (41, 0.836696), +INFO : (42, 0.8383), +INFO : (43, 0.843532), +INFO : (44, 0.849022), +INFO : (45, 0.850896), +INFO : (46, 0.860216), +INFO : (47, 0.852274), +INFO : (48, 0.860946), +INFO : (49, 0.865574), +INFO : (50, 0.86678)], +INFO : 'train_loss': [(1, 3272.9842084884644), +INFO : (2, 2784.0208230495455), +INFO : (3, 2483.6001377105713), +INFO : (4, 2312.3964682996275), +INFO : (5, 2159.157373660803), +INFO : (6, 2022.1312354028225), +INFO : (7, 1934.0075796604156), +INFO : (8, 1865.0189867079257), +INFO : (9, 1800.5893732368945), +INFO : (10, 1722.8146595329047), +INFO : (11, 1686.1954503297807), +INFO : (12, 1622.855175808072), +INFO : (13, 1564.9872223824264), +INFO : (14, 1509.386730605364), +INFO : (15, 1485.5665930598975), +INFO : (16, 1428.8665953695775), +INFO : (17, 1396.5739554017782), +INFO : (18, 1350.9051679193974), +INFO : (19, 1313.0189012408257), +INFO : (20, 1276.5900327295064), +INFO : (21, 1238.3550777047872), +INFO : (22, 1210.4503169342875), +INFO : (23, 1189.643360632658), +INFO : (24, 1151.4221969172359), +INFO : (25, 1117.3491347715258), +INFO : (26, 1089.2801227614284), +INFO : (27, 1072.5598880380392), +INFO : (28, 1041.6742286771537), +INFO : (29, 1010.5893575072289), +INFO : (30, 984.3673785820604), +INFO : (31, 963.2877573162317), +INFO : (32, 943.233063916862), +INFO : (33, 926.3449673727155), +INFO : (34, 892.6030086368322), +INFO : (35, 865.1426554262638), +INFO : (36, 838.5610386647284), +INFO : (37, 807.2874511480331), +INFO : (38, 782.5793669968843), +INFO : (39, 770.2710430696607), +INFO : (40, 760.8477347388864), +INFO : (41, 725.0276966378093), +INFO : (42, 715.6520091168583), +INFO : (43, 694.7290499031544), +INFO : (44, 670.3050588071346), +INFO : (45, 658.5457930169999), +INFO : (46, 622.3045631442219), +INFO : (47, 649.3147938355803), +INFO : (48, 611.7478631660342), +INFO : (49, 592.1173701286316), +INFO : (50, 584.7019172646105)], +INFO : 'val_accuracy': [(1, 0.26085), +INFO : (2, 0.35109), +INFO : (3, 0.41811), +INFO : (4, 0.45846), +INFO : (5, 0.49711), +INFO : (6, 0.52733), +INFO : (7, 0.54643), +INFO : (8, 0.56253), +INFO : (9, 0.57317), +INFO : (10, 0.58876), +INFO : (11, 0.59249), +INFO : (12, 0.60021), +INFO : (13, 0.60894), +INFO : (14, 0.61591), +INFO : (15, 0.61803), +INFO : (16, 0.62255), +INFO : (17, 0.6256), +INFO : (18, 0.63216), +INFO : (19, 0.63341), +INFO : (20, 0.63651), +INFO : (21, 0.64056), +INFO : (22, 0.64202), +INFO : (23, 0.64107), +INFO : (24, 0.64346), +INFO : (25, 0.64539), +INFO : (26, 0.64581), +INFO : (27, 0.642), +INFO : (28, 0.64375), +INFO : (29, 0.64391), +INFO : (30, 0.64376), +INFO : (31, 0.64335), +INFO : (32, 0.64323), +INFO : (33, 0.63989), +INFO : (34, 0.64221), +INFO : (35, 0.64062), +INFO : (36, 0.64103), +INFO : (37, 0.64131), +INFO : (38, 0.63894), +INFO : (39, 0.63814), +INFO : (40, 0.6353), +INFO : (41, 0.63667), +INFO : (42, 0.63613), +INFO : (43, 0.63217), +INFO : (44, 0.63057), +INFO : (45, 0.62879), +INFO : (46, 0.63313), +INFO : (47, 0.62524), +INFO : (48, 0.6287), +INFO : (49, 0.62763), +INFO : (50, 0.62396)], +INFO : 'val_loss': [(1, 20948.2186483413), +INFO : (2, 17780.20232548043), +INFO : (3, 15893.257270774806), +INFO : (4, 14864.5996374025), +INFO : (5, 13967.749137759023), +INFO : (6, 13219.032174119495), +INFO : (7, 12744.402846668347), +INFO : (8, 12364.686970484274), +INFO : (9, 12078.630460092421), +INFO : (10, 11675.838652591787), +INFO : (11, 11563.201084075716), +INFO : (12, 11325.183753079513), +INFO : (13, 11063.788061681718), +INFO : (14, 10862.856713891544), +INFO : (15, 10851.429752185522), +INFO : (16, 10694.7702429515), +INFO : (17, 10639.78670040333), +INFO : (18, 10521.845121940929), +INFO : (19, 10466.58859661355), +INFO : (20, 10415.745417015849), +INFO : (21, 10410.093597709854), +INFO : (22, 10453.313755078658), +INFO : (23, 10526.019442718945), +INFO : (24, 10476.196774353031), +INFO : (25, 10482.743209795553), +INFO : (26, 10585.70733434029), +INFO : (27, 10699.865205990713), +INFO : (28, 10750.815237855706), +INFO : (29, 10841.924175220553), +INFO : (30, 10922.538062253347), +INFO : (31, 11001.855413998672), +INFO : (32, 11143.451210384681), +INFO : (33, 11419.354578130435), +INFO : (34, 11371.306150740398), +INFO : (35, 11526.20328702808), +INFO : (36, 11744.164993303091), +INFO : (37, 11798.543204298423), +INFO : (38, 11980.360145212391), +INFO : (39, 12258.323246130336), +INFO : (40, 12534.90269569156), +INFO : (41, 12626.181205391596), +INFO : (42, 12814.693529511142), +INFO : (43, 13223.054312904118), +INFO : (44, 13414.98511250774), +INFO : (45, 13654.053346793531), +INFO : (46, 13877.209550096195), +INFO : (47, 14437.232990872746), +INFO : (48, 14470.77321361934), +INFO : (49, 14961.015781508011), +INFO : (50, 15260.632101887402)]} +INFO : +(ClientAppActor pid=3077057) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3077046) Files already downloaded and verified +(ClientAppActor pid=3077060) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3077058) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..459470e7df2c --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_10_C_0.2_NOISE_4_TRIAL.txt @@ -0,0 +1,2219 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081096) INFO : Starting training... +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081095) INFO : Starting training... [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081096) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081096) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081090) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081096) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081096) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081095) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081095) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081095) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081101) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081089) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 10 clients (out of 10) +(ClientAppActor pid=3081097) INFO : Starting training... [repeated 10x across cluster] +INFO : aggregate_fit: received 10 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1910.89s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.260036), +INFO : (2, 0.377898), +INFO : (3, 0.441602), +INFO : (4, 0.482532), +INFO : (5, 0.50768), +INFO : (6, 0.534148), +INFO : (7, 0.55502), +INFO : (8, 0.576278), +INFO : (9, 0.589), +INFO : (10, 0.6075), +INFO : (11, 0.616752), +INFO : (12, 0.633414), +INFO : (13, 0.643434), +INFO : (14, 0.651364), +INFO : (15, 0.664712), +INFO : (16, 0.674746), +INFO : (17, 0.684774), +INFO : (18, 0.692302), +INFO : (19, 0.700608), +INFO : (20, 0.709496), +INFO : (21, 0.716846), +INFO : (22, 0.724772), +INFO : (23, 0.733644), +INFO : (24, 0.743766), +INFO : (25, 0.746146), +INFO : (26, 0.752692), +INFO : (27, 0.761818), +INFO : (28, 0.765548), +INFO : (29, 0.77357), +INFO : (30, 0.782824), +INFO : (31, 0.787006), +INFO : (32, 0.793512), +INFO : (33, 0.800062), +INFO : (34, 0.80121), +INFO : (35, 0.807332), +INFO : (36, 0.804922), +INFO : (37, 0.812898), +INFO : (38, 0.82261), +INFO : (39, 0.828342), +INFO : (40, 0.835044), +INFO : (41, 0.83379), +INFO : (42, 0.837724), +INFO : (43, 0.84515), +INFO : (44, 0.84961), +INFO : (45, 0.851204), +INFO : (46, 0.855798), +INFO : (47, 0.860298), +INFO : (48, 0.865728), +INFO : (49, 0.86302), +INFO : (50, 0.86553)], +INFO : 'train_loss': [(1, 3213.0288861513136), +INFO : (2, 2673.549815642834), +INFO : (3, 2409.81060256958), +INFO : (4, 2241.757410633564), +INFO : (5, 2131.509216219187), +INFO : (6, 2027.5004458367825), +INFO : (7, 1938.3258316993713), +INFO : (8, 1854.0441623210907), +INFO : (9, 1799.5519326627254), +INFO : (10, 1728.7110227704047), +INFO : (11, 1690.6527007490397), +INFO : (12, 1620.1544960916042), +INFO : (13, 1580.2856763899326), +INFO : (14, 1541.6578504920005), +INFO : (15, 1482.5474109977483), +INFO : (16, 1438.0576435118915), +INFO : (17, 1400.1585716485977), +INFO : (18, 1363.5010621160268), +INFO : (19, 1328.9839297950268), +INFO : (20, 1293.3979339137672), +INFO : (21, 1257.1271977186202), +INFO : (22, 1218.66556853652), +INFO : (23, 1184.6888258695603), +INFO : (24, 1139.7257024616003), +INFO : (25, 1129.928319592774), +INFO : (26, 1097.5140378847718), +INFO : (27, 1060.9379115119577), +INFO : (28, 1041.9736675813795), +INFO : (29, 1005.0892565146089), +INFO : (30, 971.3416304200888), +INFO : (31, 949.7996918946504), +INFO : (32, 918.5643788903951), +INFO : (33, 891.5616094857454), +INFO : (34, 884.821116244793), +INFO : (35, 855.7444346815348), +INFO : (36, 860.8037047579885), +INFO : (37, 824.6983377441763), +INFO : (38, 788.2522065795958), +INFO : (39, 761.7505028389394), +INFO : (40, 732.6141636192799), +INFO : (41, 732.2139791667462), +INFO : (42, 714.1280990205705), +INFO : (43, 684.9478950455784), +INFO : (44, 661.7721783589571), +INFO : (45, 650.9943857148289), +INFO : (46, 631.4230365090073), +INFO : (47, 613.416702491045), +INFO : (48, 592.4782789506019), +INFO : (49, 596.8791254170239), +INFO : (50, 583.7261814702302)], +INFO : 'val_accuracy': [(1, 0.26486), +INFO : (2, 0.38216), +INFO : (3, 0.44383), +INFO : (4, 0.48194), +INFO : (5, 0.5013), +INFO : (6, 0.52446), +INFO : (7, 0.54342), +INFO : (8, 0.56193), +INFO : (9, 0.57182), +INFO : (10, 0.58646), +INFO : (11, 0.59236), +INFO : (12, 0.60409), +INFO : (13, 0.60961), +INFO : (14, 0.61432), +INFO : (15, 0.62363), +INFO : (16, 0.62604), +INFO : (17, 0.63001), +INFO : (18, 0.63317), +INFO : (19, 0.63434), +INFO : (20, 0.63791), +INFO : (21, 0.6395), +INFO : (22, 0.64458), +INFO : (23, 0.64537), +INFO : (24, 0.65047), +INFO : (25, 0.6462), +INFO : (26, 0.64816), +INFO : (27, 0.65069), +INFO : (28, 0.65036), +INFO : (29, 0.65264), +INFO : (30, 0.65188), +INFO : (31, 0.65087), +INFO : (32, 0.65161), +INFO : (33, 0.65314), +INFO : (34, 0.64971), +INFO : (35, 0.64965), +INFO : (36, 0.64482), +INFO : (37, 0.64512), +INFO : (38, 0.64598), +INFO : (39, 0.64558), +INFO : (40, 0.64818), +INFO : (41, 0.64087), +INFO : (42, 0.64182), +INFO : (43, 0.64005), +INFO : (44, 0.63962), +INFO : (45, 0.63814), +INFO : (46, 0.63708), +INFO : (47, 0.63543), +INFO : (48, 0.63616), +INFO : (49, 0.63319), +INFO : (50, 0.63182)], +INFO : 'val_loss': [(1, 20470.30001026839), +INFO : (2, 17021.48184019886), +INFO : (3, 15399.011051397027), +INFO : (4, 14416.137818654348), +INFO : (5, 13822.528341265732), +INFO : (6, 13233.534348218594), +INFO : (7, 12752.114351914448), +INFO : (8, 12306.791741728219), +INFO : (9, 12071.979650724), +INFO : (10, 11718.741690764593), +INFO : (11, 11575.466521529186), +INFO : (12, 11258.82947547456), +INFO : (13, 11125.579303460076), +INFO : (14, 11027.433919802377), +INFO : (15, 10796.64310968457), +INFO : (16, 10682.801574656405), +INFO : (17, 10618.678271377748), +INFO : (18, 10535.485459083771), +INFO : (19, 10485.008451802216), +INFO : (20, 10463.155018169577), +INFO : (21, 10452.454918837098), +INFO : (22, 10415.61174725997), +INFO : (23, 10404.187939157198), +INFO : (24, 10329.167709992744), +INFO : (25, 10470.16949775557), +INFO : (26, 10473.683505138513), +INFO : (27, 10525.370457867744), +INFO : (28, 10605.877940451523), +INFO : (29, 10632.560944064699), +INFO : (30, 10668.851248366758), +INFO : (31, 10787.54753284088), +INFO : (32, 10884.652950531326), +INFO : (33, 10936.876977065835), +INFO : (34, 11193.38707457337), +INFO : (35, 11310.85864255135), +INFO : (36, 11609.818212731541), +INFO : (37, 11704.003989739336), +INFO : (38, 11782.53657817232), +INFO : (39, 11952.515131090218), +INFO : (40, 12099.975213518632), +INFO : (41, 12393.476930534569), +INFO : (42, 12572.90286177564), +INFO : (43, 12849.742161229566), +INFO : (44, 13098.69129087531), +INFO : (45, 13308.584719636983), +INFO : (46, 13579.782078833845), +INFO : (47, 13940.791181255452), +INFO : (48, 14092.953100015766), +INFO : (49, 14456.634777921281), +INFO : (50, 14956.942726491165)]} +INFO : +(ClientAppActor pid=3081092) INFO : Starting training... [repeated 9x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3081096) Files already downloaded and verified +(ClientAppActor pid=3081100) Files already downloaded and verified [repeated 20x across cluster] +(ClientAppActor pid=3081102) Files already downloaded and verified [repeated 11x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..69cda7f3f035 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_0_TRIAL.txt @@ -0,0 +1,3779 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 20) +(ClientAppActor pid=3148441) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148441) INFO : Starting training... [repeated 2x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148454) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148447) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3148445) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148444) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148447) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148441) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3148452) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148450) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148454) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3148451) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3148443) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148450) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3148451) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148448) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148444) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148451) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148451) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3148452) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148446) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148448) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148455) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3148453) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148442) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148449) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148451) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148454) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148453) INFO : Starting training... +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148441) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148453) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148447) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148445) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148444) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148451) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3148444) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148447) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3148445) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148456) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148453) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148451) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148454) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148442) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3148452) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148454) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3148447) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148447) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148447) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148451) INFO : Starting training... +(ClientAppActor pid=3148445) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148448) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148453) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148447) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3148448) INFO : Starting training... +(ClientAppActor pid=3148442) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148454) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148448) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148443) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148454) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148452) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148454) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148445) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148446) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3148445) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148456) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148452) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148444) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148451) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148450) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3148446) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148448) INFO : Starting training... +(ClientAppActor pid=3148455) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148443) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3148456) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148452) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148448) INFO : Starting training... +(ClientAppActor pid=3148444) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148446) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148447) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148445) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3148445) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148451) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148443) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3148452) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148453) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148448) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3148445) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3148451) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3148445) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3148449) INFO : Starting training... +(ClientAppActor pid=3148450) INFO : Starting training... +(ClientAppActor pid=3148443) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3148453) INFO : Starting training... +(ClientAppActor pid=3148456) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3069.28s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.25669), +INFO : (2, 0.395484), +INFO : (3, 0.457329), +INFO : (4, 0.495943), +INFO : (5, 0.524175), +INFO : (6, 0.545845), +INFO : (7, 0.56776), +INFO : (8, 0.588434), +INFO : (9, 0.604423), +INFO : (10, 0.61836), +INFO : (11, 0.634343), +INFO : (12, 0.646705), +INFO : (13, 0.654051), +INFO : (14, 0.66724), +INFO : (15, 0.676613), +INFO : (16, 0.687445), +INFO : (17, 0.695148), +INFO : (18, 0.702258), +INFO : (19, 0.711014), +INFO : (20, 0.720831), +INFO : (21, 0.73059), +INFO : (22, 0.732462), +INFO : (23, 0.746039), +INFO : (24, 0.7509), +INFO : (25, 0.757121), +INFO : (26, 0.764762), +INFO : (27, 0.770435), +INFO : (28, 0.77557), +INFO : (29, 0.780255), +INFO : (30, 0.789635), +INFO : (31, 0.794962), +INFO : (32, 0.800026), +INFO : (33, 0.805014), +INFO : (34, 0.807968), +INFO : (35, 0.817327), +INFO : (36, 0.818682), +INFO : (37, 0.823503), +INFO : (38, 0.824992), +INFO : (39, 0.834273), +INFO : (40, 0.834846), +INFO : (41, 0.840041), +INFO : (42, 0.848043), +INFO : (43, 0.848946), +INFO : (44, 0.854509), +INFO : (45, 0.857678), +INFO : (46, 0.85923), +INFO : (47, 0.867652), +INFO : (48, 0.868987), +INFO : (49, 0.872093), +INFO : (50, 0.872693)], +INFO : 'train_loss': [(1, 3224.6308703422546), +INFO : (2, 2585.5305475413797), +INFO : (3, 2343.0719010174275), +INFO : (4, 2190.0024189502), +INFO : (5, 2075.272946244478), +INFO : (6, 1982.2906784236432), +INFO : (7, 1893.374786233902), +INFO : (8, 1815.4219727367163), +INFO : (9, 1744.9953261092305), +INFO : (10, 1684.9204350113869), +INFO : (11, 1617.3758247375488), +INFO : (12, 1566.4605688199401), +INFO : (13, 1534.7544017776847), +INFO : (14, 1484.076695460081), +INFO : (15, 1439.6572759568692), +INFO : (16, 1393.3992784515024), +INFO : (17, 1358.5749017938972), +INFO : (18, 1325.5408354908227), +INFO : (19, 1288.7975057989358), +INFO : (20, 1245.227091754973), +INFO : (21, 1202.2432987228035), +INFO : (22, 1190.9235168375076), +INFO : (23, 1135.3143922001123), +INFO : (24, 1113.6290956027806), +INFO : (25, 1085.547151903808), +INFO : (26, 1051.4473905600607), +INFO : (27, 1028.150463526696), +INFO : (28, 1004.4647836089134), +INFO : (29, 984.1634472742677), +INFO : (30, 944.1918300583959), +INFO : (31, 920.5207260884345), +INFO : (32, 898.0583209231496), +INFO : (33, 873.7984053902328), +INFO : (34, 860.2928549364209), +INFO : (35, 823.1671180870384), +INFO : (36, 813.0049284983427), +INFO : (37, 791.452531664446), +INFO : (38, 781.3002965971828), +INFO : (39, 745.9057524092495), +INFO : (40, 737.8963304169476), +INFO : (41, 715.1976307239383), +INFO : (42, 682.4746622368693), +INFO : (43, 676.2694212306291), +INFO : (44, 654.5802983440459), +INFO : (45, 637.6310066580772), +INFO : (46, 626.2800123866648), +INFO : (47, 593.3159605259075), +INFO : (48, 585.7435598062351), +INFO : (49, 570.9154535068199), +INFO : (50, 565.080616839789)], +INFO : 'val_accuracy': [(1, 0.2608), +INFO : (2, 0.39964), +INFO : (3, 0.457545), +INFO : (4, 0.491605), +INFO : (5, 0.51533), +INFO : (6, 0.53357), +INFO : (7, 0.54888), +INFO : (8, 0.564965), +INFO : (9, 0.57534), +INFO : (10, 0.58555), +INFO : (11, 0.597025), +INFO : (12, 0.604275), +INFO : (13, 0.606945), +INFO : (14, 0.61404), +INFO : (15, 0.618695), +INFO : (16, 0.62474), +INFO : (17, 0.62701), +INFO : (18, 0.629165), +INFO : (19, 0.631425), +INFO : (20, 0.634735), +INFO : (21, 0.63714), +INFO : (22, 0.634275), +INFO : (23, 0.639475), +INFO : (24, 0.63854), +INFO : (25, 0.638525), +INFO : (26, 0.63936), +INFO : (27, 0.63766), +INFO : (28, 0.63693), +INFO : (29, 0.63608), +INFO : (30, 0.636215), +INFO : (31, 0.63612), +INFO : (32, 0.6354), +INFO : (33, 0.634175), +INFO : (34, 0.63057), +INFO : (35, 0.63322), +INFO : (36, 0.63086), +INFO : (37, 0.63017), +INFO : (38, 0.625985), +INFO : (39, 0.62792), +INFO : (40, 0.62566), +INFO : (41, 0.62527), +INFO : (42, 0.62387), +INFO : (43, 0.623015), +INFO : (44, 0.62266), +INFO : (45, 0.620815), +INFO : (46, 0.619425), +INFO : (47, 0.61807), +INFO : (48, 0.61818), +INFO : (49, 0.61671), +INFO : (50, 0.616535)], +INFO : 'val_loss': [(1, 20533.985178098083), +INFO : (2, 16449.851497496387), +INFO : (3, 15005.04990327731), +INFO : (4, 14132.541506654048), +INFO : (5, 13511.901928089126), +INFO : (6, 13024.606626301662), +INFO : (7, 12589.078004079382), +INFO : (8, 12211.177714695488), +INFO : (9, 11919.504345567435), +INFO : (10, 11678.481393131797), +INFO : (11, 11400.46371418104), +INFO : (12, 11210.43937657195), +INFO : (13, 11198.602341525328), +INFO : (14, 11023.907701365473), +INFO : (15, 10910.556112374185), +INFO : (16, 10786.964201338023), +INFO : (17, 10754.978686438224), +INFO : (18, 10747.314703035705), +INFO : (19, 10711.843202914459), +INFO : (20, 10664.802383923305), +INFO : (21, 10617.93606257102), +INFO : (22, 10782.996612764437), +INFO : (23, 10661.530603927034), +INFO : (24, 10744.712706555347), +INFO : (25, 10840.653487045156), +INFO : (26, 10892.638973061843), +INFO : (27, 10973.208676494909), +INFO : (28, 11102.375505276877), +INFO : (29, 11275.971988387464), +INFO : (30, 11276.961414265383), +INFO : (31, 11420.695142559878), +INFO : (32, 11573.100682838243), +INFO : (33, 11718.99990071935), +INFO : (34, 11926.85217806941), +INFO : (35, 12006.469894553475), +INFO : (36, 12275.95409357063), +INFO : (37, 12429.49300530381), +INFO : (38, 12749.394254647566), +INFO : (39, 12800.395499412021), +INFO : (40, 13107.822627268562), +INFO : (41, 13361.918948775212), +INFO : (42, 13502.493302988842), +INFO : (43, 13835.553716602868), +INFO : (44, 14025.584001679827), +INFO : (45, 14361.94626010512), +INFO : (46, 14734.807043546094), +INFO : (47, 14906.204461580199), +INFO : (48, 15187.345049856947), +INFO : (49, 15494.660919623106), +INFO : (50, 15980.941986320187)]} +INFO : +(ClientAppActor pid=3148444) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3148441) Files already downloaded and verified +(ClientAppActor pid=3148448) Files already downloaded and verified [repeated 4x across cluster] +(ClientAppActor pid=3148451) Files already downloaded and verified [repeated 27x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..a80e4ad6f3c4 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_1_TRIAL.txt @@ -0,0 +1,3830 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153092) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3153093) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153098) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153100) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153092) INFO : Starting training... +(ClientAppActor pid=3153102) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3153100) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153100) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153094) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153104) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153102) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153094) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153095) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153107) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153101) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153107) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3153102) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3153094) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153102) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153094) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3153102) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153095) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153097) INFO : Starting training... +(ClientAppActor pid=3153098) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153094) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153101) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153101) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153093) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153104) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153101) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153107) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153097) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3153102) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153100) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153107) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3153102) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153092) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3153094) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153092) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3153102) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153101) INFO : Starting training... +(ClientAppActor pid=3153099) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153098) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153103) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3153101) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153102) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153101) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153107) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3153094) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153106) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153093) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153100) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153099) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153098) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3153103) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153096) INFO : Starting training... +(ClientAppActor pid=3153092) INFO : Starting training... +(ClientAppActor pid=3153095) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3153102) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153093) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153103) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153099) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153095) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153096) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3153095) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153100) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153097) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3153106) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153107) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153103) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153101) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153096) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153093) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153101) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153100) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3153100) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153098) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153096) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3153104) INFO : Starting training... +(ClientAppActor pid=3153101) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153093) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153104) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153100) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153102) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3153092) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153099) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153104) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3153106) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3153105) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153097) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153107) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3153093) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153105) INFO : Starting training... +(ClientAppActor pid=3153093) INFO : Starting training... +(ClientAppActor pid=3153107) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3153093) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3153107) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3153104) INFO : Starting training... +(ClientAppActor pid=3153097) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3047.30s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.305607), +INFO : (2, 0.40855), +INFO : (3, 0.465184), +INFO : (4, 0.505323), +INFO : (5, 0.536578), +INFO : (6, 0.563002), +INFO : (7, 0.58209), +INFO : (8, 0.598402), +INFO : (9, 0.61536), +INFO : (10, 0.62441), +INFO : (11, 0.638903), +INFO : (12, 0.653155), +INFO : (13, 0.662362), +INFO : (14, 0.67507), +INFO : (15, 0.684834), +INFO : (16, 0.693858), +INFO : (17, 0.698719), +INFO : (18, 0.709666), +INFO : (19, 0.718047), +INFO : (20, 0.726728), +INFO : (21, 0.73343), +INFO : (22, 0.739551), +INFO : (23, 0.749182), +INFO : (24, 0.755871), +INFO : (25, 0.75787), +INFO : (26, 0.767503), +INFO : (27, 0.774332), +INFO : (28, 0.781065), +INFO : (29, 0.785976), +INFO : (30, 0.793595), +INFO : (31, 0.7997), +INFO : (32, 0.801993), +INFO : (33, 0.807063), +INFO : (34, 0.813227), +INFO : (35, 0.820072), +INFO : (36, 0.821607), +INFO : (37, 0.828443), +INFO : (38, 0.832199), +INFO : (39, 0.837797), +INFO : (40, 0.836554), +INFO : (41, 0.844967), +INFO : (42, 0.851213), +INFO : (43, 0.852453), +INFO : (44, 0.858207), +INFO : (45, 0.863335), +INFO : (46, 0.86584), +INFO : (47, 0.86751), +INFO : (48, 0.87163), +INFO : (49, 0.877227), +INFO : (50, 0.875481)], +INFO : 'train_loss': [(1, 2990.987206065655), +INFO : (2, 2522.568184733391), +INFO : (3, 2294.183383312821), +INFO : (4, 2134.6252520680428), +INFO : (5, 2013.7926679193974), +INFO : (6, 1901.1348508536817), +INFO : (7, 1827.7105446994306), +INFO : (8, 1760.901776535809), +INFO : (9, 1689.2746619477869), +INFO : (10, 1653.3203860536219), +INFO : (11, 1594.8529632344842), +INFO : (12, 1535.2655301839113), +INFO : (13, 1489.834877036512), +INFO : (14, 1435.1952391907573), +INFO : (15, 1394.9342813521623), +INFO : (16, 1358.0672871157526), +INFO : (17, 1333.4768283173441), +INFO : (18, 1288.1747039422394), +INFO : (19, 1252.2496202901007), +INFO : (20, 1211.6187919318677), +INFO : (21, 1183.344996678084), +INFO : (22, 1156.9046619594096), +INFO : (23, 1115.1710686318577), +INFO : (24, 1084.1555320553482), +INFO : (25, 1071.052442638576), +INFO : (26, 1031.6845241166652), +INFO : (27, 1002.3860827773809), +INFO : (28, 972.4595095917582), +INFO : (29, 950.279193097353), +INFO : (30, 916.9535803094507), +INFO : (31, 889.5290362924337), +INFO : (32, 878.6765767499804), +INFO : (33, 853.370424040407), +INFO : (34, 828.9325646344572), +INFO : (35, 798.3815971411765), +INFO : (36, 790.6043674431742), +INFO : (37, 760.2640461958945), +INFO : (38, 741.953263797611), +INFO : (39, 718.5437427002937), +INFO : (40, 717.9853959549218), +INFO : (41, 684.227179916203), +INFO : (42, 657.6138969808817), +INFO : (43, 650.2516651414335), +INFO : (44, 624.396209567599), +INFO : (45, 603.9190552864223), +INFO : (46, 588.7267708534375), +INFO : (47, 581.9954100970178), +INFO : (48, 562.3012107487768), +INFO : (49, 539.6472408276052), +INFO : (50, 541.5843784557654)], +INFO : 'val_accuracy': [(1, 0.30923), +INFO : (2, 0.41061), +INFO : (3, 0.46743), +INFO : (4, 0.505955), +INFO : (5, 0.531355), +INFO : (6, 0.54991), +INFO : (7, 0.56305), +INFO : (8, 0.574415), +INFO : (9, 0.58781), +INFO : (10, 0.59232), +INFO : (11, 0.601835), +INFO : (12, 0.61061), +INFO : (13, 0.615155), +INFO : (14, 0.62196), +INFO : (15, 0.626425), +INFO : (16, 0.629365), +INFO : (17, 0.631345), +INFO : (18, 0.633915), +INFO : (19, 0.637555), +INFO : (20, 0.639685), +INFO : (21, 0.63973), +INFO : (22, 0.640785), +INFO : (23, 0.64199), +INFO : (24, 0.643545), +INFO : (25, 0.63928), +INFO : (26, 0.642165), +INFO : (27, 0.641915), +INFO : (28, 0.641255), +INFO : (29, 0.640865), +INFO : (30, 0.640105), +INFO : (31, 0.64061), +INFO : (32, 0.638045), +INFO : (33, 0.638065), +INFO : (34, 0.6371), +INFO : (35, 0.637045), +INFO : (36, 0.63336), +INFO : (37, 0.63453), +INFO : (38, 0.632455), +INFO : (39, 0.63181), +INFO : (40, 0.628735), +INFO : (41, 0.629485), +INFO : (42, 0.62918), +INFO : (43, 0.6266), +INFO : (44, 0.626665), +INFO : (45, 0.626445), +INFO : (46, 0.62646), +INFO : (47, 0.62263), +INFO : (48, 0.62317), +INFO : (49, 0.62435), +INFO : (50, 0.62031)], +INFO : 'val_loss': [(1, 19054.11762250215), +INFO : (2, 16085.400831385703), +INFO : (3, 14711.378941775765), +INFO : (4, 13779.792497963956), +INFO : (5, 13149.222064680898), +INFO : (6, 12596.419382865117), +INFO : (7, 12277.191123791688), +INFO : (8, 11974.884237082306), +INFO : (9, 11652.847000334616), +INFO : (10, 11536.386435364066), +INFO : (11, 11330.356736068341), +INFO : (12, 11086.812204516918), +INFO : (13, 10981.870595406384), +INFO : (14, 10816.238542466257), +INFO : (15, 10729.13200189586), +INFO : (16, 10682.396204547384), +INFO : (17, 10709.179710295124), +INFO : (18, 10642.13179056339), +INFO : (19, 10602.925828613443), +INFO : (20, 10598.136136546658), +INFO : (21, 10635.30917733793), +INFO : (22, 10706.505427138485), +INFO : (23, 10641.912106697418), +INFO : (24, 10743.176630883503), +INFO : (25, 10887.389651573978), +INFO : (26, 10885.618105758793), +INFO : (27, 11000.488786352662), +INFO : (28, 11061.562674363739), +INFO : (29, 11219.630711322541), +INFO : (30, 11294.997755047938), +INFO : (31, 11393.938539967967), +INFO : (32, 11646.05339133085), +INFO : (33, 11838.747085326575), +INFO : (34, 11987.036956592705), +INFO : (35, 12079.812930300357), +INFO : (36, 12396.326672714742), +INFO : (37, 12585.674663606273), +INFO : (38, 12763.067886763405), +INFO : (39, 13013.13551688688), +INFO : (40, 13387.332757579683), +INFO : (41, 13559.276326036561), +INFO : (42, 13805.695176918885), +INFO : (43, 14095.476033517982), +INFO : (44, 14378.054371778417), +INFO : (45, 14638.36045416032), +INFO : (46, 14989.364950747293), +INFO : (47, 15340.547106088872), +INFO : (48, 15722.648413321675), +INFO : (49, 15930.868237046929), +INFO : (50, 16439.26405048998)]} +INFO : +(ClientAppActor pid=3153101) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3153097) Files already downloaded and verified +(ClientAppActor pid=3153102) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..e7f0dab6acd2 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_2_TRIAL.txt @@ -0,0 +1,3836 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158761) INFO : Starting training... +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3158762) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158763) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158765) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158757) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158762) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158761) INFO : Starting training... +(ClientAppActor pid=3158760) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158752) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158762) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158754) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158752) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61987 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158754) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158761) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158761) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158762) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158754) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3158760) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158761) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158753) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158755) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3158753) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158761) INFO : Starting training... +(ClientAppActor pid=3158754) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158757) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158762) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158764) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158763) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158760) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158754) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158754) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158764) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61986 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158751) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158762) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158751) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3158752) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158759) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158751) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158763) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158754) INFO : Starting training... +(ClientAppActor pid=3158752) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3158753) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158761) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158751) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158765) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158755) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158765) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158753) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158760) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3158764) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158765) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158760) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3158765) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158758) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158760) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158751) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158757) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158752) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158754) INFO : Starting training... +(ClientAppActor pid=3158759) INFO : Starting training... +(ClientAppActor pid=3158752) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158761) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158750) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158753) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158755) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158762) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158757) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158764) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158751) INFO : Starting training... +(ClientAppActor pid=3158760) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158764) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3158765) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158761) INFO : Starting training... +(ClientAppActor pid=3158752) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158758) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158764) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158765) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158758) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158758) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3158753) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158760) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158752) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158765) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158761) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158763) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158764) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158755) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... +(ClientAppActor pid=3158755) INFO : Starting training... +(ClientAppActor pid=3158753) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3158762) INFO : Starting training... +(ClientAppActor pid=3158757) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158752) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158762) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158752) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158758) INFO : Starting training... +(ClientAppActor pid=3158754) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61983 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3158756) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3158758) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3158765) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3039.62s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.295387), +INFO : (2, 0.399734), +INFO : (3, 0.451954), +INFO : (4, 0.483986), +INFO : (5, 0.510999), +INFO : (6, 0.531671), +INFO : (7, 0.555357), +INFO : (8, 0.571545), +INFO : (9, 0.585393), +INFO : (10, 0.600844), +INFO : (11, 0.615492), +INFO : (12, 0.627743), +INFO : (13, 0.639181), +INFO : (14, 0.649814), +INFO : (15, 0.661147), +INFO : (16, 0.672636), +INFO : (17, 0.678759), +INFO : (18, 0.69097), +INFO : (19, 0.698823), +INFO : (20, 0.70875), +INFO : (21, 0.717754), +INFO : (22, 0.726923), +INFO : (23, 0.730618), +INFO : (24, 0.739683), +INFO : (25, 0.747528), +INFO : (26, 0.752555), +INFO : (27, 0.759771), +INFO : (28, 0.768213), +INFO : (29, 0.773071), +INFO : (30, 0.783607), +INFO : (31, 0.786879), +INFO : (32, 0.794681), +INFO : (33, 0.79709), +INFO : (34, 0.801057), +INFO : (35, 0.812402), +INFO : (36, 0.816128), +INFO : (37, 0.820983), +INFO : (38, 0.823603), +INFO : (39, 0.830944), +INFO : (40, 0.836085), +INFO : (41, 0.839517), +INFO : (42, 0.843749), +INFO : (43, 0.84592), +INFO : (44, 0.849219), +INFO : (45, 0.856258), +INFO : (46, 0.856564), +INFO : (47, 0.860397), +INFO : (48, 0.862257), +INFO : (49, 0.869806), +INFO : (50, 0.872205)], +INFO : 'train_loss': [(1, 3044.601622378826), +INFO : (2, 2571.438555955887), +INFO : (3, 2356.7350584715605), +INFO : (4, 2225.0858954161404), +INFO : (5, 2122.257476609945), +INFO : (6, 2037.3075535476207), +INFO : (7, 1944.5753815412522), +INFO : (8, 1879.510342720151), +INFO : (9, 1821.0149546146392), +INFO : (10, 1758.2386069759727), +INFO : (11, 1695.3573150113225), +INFO : (12, 1650.4833959534765), +INFO : (13, 1597.3456865355372), +INFO : (14, 1552.6942926540971), +INFO : (15, 1508.9819513991474), +INFO : (16, 1457.268499521911), +INFO : (17, 1429.0159408241511), +INFO : (18, 1376.891274110973), +INFO : (19, 1342.463254275918), +INFO : (20, 1296.6528516963124), +INFO : (21, 1259.2512211956084), +INFO : (22, 1216.2987315855921), +INFO : (23, 1200.799511641264), +INFO : (24, 1160.4906647771597), +INFO : (25, 1125.3209172077477), +INFO : (26, 1101.7205061204731), +INFO : (27, 1070.5318022809922), +INFO : (28, 1036.5638646654784), +INFO : (29, 1011.4525700069964), +INFO : (30, 967.8062718842178), +INFO : (31, 952.402919523418), +INFO : (32, 917.2405374012887), +INFO : (33, 904.0189065076411), +INFO : (34, 882.9069934651255), +INFO : (35, 839.6195851042867), +INFO : (36, 820.3943926695734), +INFO : (37, 796.9854449324309), +INFO : (38, 784.0965757608413), +INFO : (39, 755.0484629314393), +INFO : (40, 731.4635404136031), +INFO : (41, 715.3377362962813), +INFO : (42, 694.3431546535343), +INFO : (43, 681.8697286456824), +INFO : (44, 667.3727839428932), +INFO : (45, 637.9882833648473), +INFO : (46, 632.8167337847874), +INFO : (47, 613.6980700057), +INFO : (48, 604.358072226122), +INFO : (49, 573.2947245242074), +INFO : (50, 562.6841049116105)], +INFO : 'val_accuracy': [(1, 0.299975), +INFO : (2, 0.401025), +INFO : (3, 0.45165), +INFO : (4, 0.48125), +INFO : (5, 0.50286), +INFO : (6, 0.51889), +INFO : (7, 0.53613), +INFO : (8, 0.547945), +INFO : (9, 0.55669), +INFO : (10, 0.56868), +INFO : (11, 0.578175), +INFO : (12, 0.585955), +INFO : (13, 0.593145), +INFO : (14, 0.599685), +INFO : (15, 0.60627), +INFO : (16, 0.61155), +INFO : (17, 0.61419), +INFO : (18, 0.61963), +INFO : (19, 0.621585), +INFO : (20, 0.62421), +INFO : (21, 0.627775), +INFO : (22, 0.629935), +INFO : (23, 0.62858), +INFO : (24, 0.63081), +INFO : (25, 0.632405), +INFO : (26, 0.631085), +INFO : (27, 0.63285), +INFO : (28, 0.631945), +INFO : (29, 0.631025), +INFO : (30, 0.634145), +INFO : (31, 0.63149), +INFO : (32, 0.63174), +INFO : (33, 0.6287), +INFO : (34, 0.628325), +INFO : (35, 0.629135), +INFO : (36, 0.628335), +INFO : (37, 0.626875), +INFO : (38, 0.625775), +INFO : (39, 0.62552), +INFO : (40, 0.62467), +INFO : (41, 0.62364), +INFO : (42, 0.622865), +INFO : (43, 0.621275), +INFO : (44, 0.62074), +INFO : (45, 0.62002), +INFO : (46, 0.61594), +INFO : (47, 0.61757), +INFO : (48, 0.616105), +INFO : (49, 0.615985), +INFO : (50, 0.61402)], +INFO : 'val_loss': [(1, 19389.85606335402), +INFO : (2, 16406.968193030916), +INFO : (3, 15101.628665289236), +INFO : (4, 14347.905794156994), +INFO : (5, 13814.441212239894), +INFO : (6, 13402.360945418563), +INFO : (7, 12934.72413365732), +INFO : (8, 12657.870906239774), +INFO : (9, 12385.833754315261), +INFO : (10, 12120.14835143242), +INFO : (11, 11845.361919278543), +INFO : (12, 11688.582058507956), +INFO : (13, 11517.657129740905), +INFO : (14, 11375.811895679608), +INFO : (15, 11282.596198835321), +INFO : (16, 11135.677633109839), +INFO : (17, 11120.304071299275), +INFO : (18, 10981.729960339178), +INFO : (19, 10958.296636511566), +INFO : (20, 10913.776867167473), +INFO : (21, 10882.19206499165), +INFO : (22, 10845.176423017652), +INFO : (23, 10957.148886104873), +INFO : (24, 10970.509609064431), +INFO : (25, 10988.568886631265), +INFO : (26, 11108.751624165578), +INFO : (27, 11188.675321902052), +INFO : (28, 11236.117295730215), +INFO : (29, 11389.722487395678), +INFO : (30, 11383.464964279094), +INFO : (31, 11609.768955879374), +INFO : (32, 11664.378254266336), +INFO : (33, 11893.499111234763), +INFO : (34, 12112.303402374768), +INFO : (35, 12137.817349204239), +INFO : (36, 12408.034466152589), +INFO : (37, 12592.227915669233), +INFO : (38, 12863.460010405894), +INFO : (39, 13024.502620063706), +INFO : (40, 13304.880833970552), +INFO : (41, 13523.829347713334), +INFO : (42, 13794.740199191188), +INFO : (43, 14162.821738213479), +INFO : (44, 14360.646338328868), +INFO : (45, 14654.316358532817), +INFO : (46, 15052.292023701868), +INFO : (47, 15387.910965322786), +INFO : (48, 15679.275807170174), +INFO : (49, 15980.284953598442), +INFO : (50, 16262.145553042212)]} +INFO : +(ClientAppActor pid=3158752) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3158761) Files already downloaded and verified +(ClientAppActor pid=3158764) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..1063e88e94fc --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_3_TRIAL.txt @@ -0,0 +1,3831 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163468) INFO : Starting training... +(ClientAppActor pid=3163467) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3163462) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163467) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3163471) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3163473) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163476) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163469) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3163469) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163475) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163472) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163475) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163476) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163468) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163466) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163470) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163474) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163468) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163461) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163473) INFO : Starting training... +(ClientAppActor pid=3163465) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163475) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163476) INFO : Starting training... +(ClientAppActor pid=3163464) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163462) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163472) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163473) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163464) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163472) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163461) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163467) INFO : Starting training... +(ClientAppActor pid=3163475) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163469) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163474) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163469) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163470) INFO : Starting training... +(ClientAppActor pid=3163464) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163470) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163475) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163462) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163467) INFO : Starting training... +(ClientAppActor pid=3163473) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163474) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3163465) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3163465) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163471) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163464) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163470) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163475) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163467) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163474) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163471) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3163462) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163466) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163469) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163468) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163470) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163475) INFO : Starting training... +(ClientAppActor pid=3163462) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163476) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61984 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163470) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163475) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163467) INFO : Starting training... +(ClientAppActor pid=3163470) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163476) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163474) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163476) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3163462) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163465) INFO : Starting training... +(ClientAppActor pid=3163466) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163461) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3163465) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163464) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163464) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163474) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61988 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163473) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163469) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163462) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163461) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163464) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163476) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61990 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163466) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163468) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163470) INFO : Starting training... +(ClientAppActor pid=3163464) INFO : Starting training... +(ClientAppActor pid=3163464) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163471) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163464) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3163464) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163465) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163473) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3163473) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163475) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163470) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163476) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163465) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163475) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... +(ClientAppActor pid=3163474) INFO : Starting training... +(ClientAppActor pid=3163461) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3163465) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163470) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163475) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3163463) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3163462) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3163467) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3030.32s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.260648), +INFO : (2, 0.379994), +INFO : (3, 0.439779), +INFO : (4, 0.477871), +INFO : (5, 0.506018), +INFO : (6, 0.534668), +INFO : (7, 0.555748), +INFO : (8, 0.577087), +INFO : (9, 0.593498), +INFO : (10, 0.612521), +INFO : (11, 0.623415), +INFO : (12, 0.637971), +INFO : (13, 0.650645), +INFO : (14, 0.656814), +INFO : (15, 0.672405), +INFO : (16, 0.679728), +INFO : (17, 0.690198), +INFO : (18, 0.699782), +INFO : (19, 0.702732), +INFO : (20, 0.713517), +INFO : (21, 0.722435), +INFO : (22, 0.729301), +INFO : (23, 0.734674), +INFO : (24, 0.739723), +INFO : (25, 0.746854), +INFO : (26, 0.755912), +INFO : (27, 0.758787), +INFO : (28, 0.766561), +INFO : (29, 0.773793), +INFO : (30, 0.77634), +INFO : (31, 0.784372), +INFO : (32, 0.789985), +INFO : (33, 0.796196), +INFO : (34, 0.799678), +INFO : (35, 0.805725), +INFO : (36, 0.811723), +INFO : (37, 0.81492), +INFO : (38, 0.821402), +INFO : (39, 0.828703), +INFO : (40, 0.832176), +INFO : (41, 0.836422), +INFO : (42, 0.83569), +INFO : (43, 0.841298), +INFO : (44, 0.846128), +INFO : (45, 0.852387), +INFO : (46, 0.853437), +INFO : (47, 0.859181), +INFO : (48, 0.862509), +INFO : (49, 0.867178), +INFO : (50, 0.872381)], +INFO : 'train_loss': [(1, 3120.4028346598147), +INFO : (2, 2630.367231106758), +INFO : (3, 2396.6007514834405), +INFO : (4, 2254.387823879719), +INFO : (5, 2138.838467973471), +INFO : (6, 2027.0547629594803), +INFO : (7, 1941.0367131143807), +INFO : (8, 1853.6989599764347), +INFO : (9, 1790.7356638997794), +INFO : (10, 1710.8488259539008), +INFO : (11, 1666.486853440106), +INFO : (12, 1605.8893206104635), +INFO : (13, 1550.4269128218293), +INFO : (14, 1523.6481212571264), +INFO : (15, 1460.0227167710661), +INFO : (16, 1427.599946322292), +INFO : (17, 1381.2503351807595), +INFO : (18, 1341.0643858507276), +INFO : (19, 1324.411899381876), +INFO : (20, 1277.9522190839052), +INFO : (21, 1239.3942064210773), +INFO : (22, 1211.1711451858282), +INFO : (23, 1183.0630749724805), +INFO : (24, 1158.4497700884938), +INFO : (25, 1130.030394475162), +INFO : (26, 1089.89878821671), +INFO : (27, 1072.8687499687076), +INFO : (28, 1041.143879275769), +INFO : (29, 1010.2551534190774), +INFO : (30, 995.336260599643), +INFO : (31, 958.4898937273771), +INFO : (32, 933.3762354921549), +INFO : (33, 908.4061324805022), +INFO : (34, 890.7389048125594), +INFO : (35, 863.6003154098987), +INFO : (36, 836.2842377215624), +INFO : (37, 821.7119349673391), +INFO : (38, 794.6457915131002), +INFO : (39, 761.8883761018515), +INFO : (40, 745.5446380496026), +INFO : (41, 723.9228163920343), +INFO : (42, 724.2783056531101), +INFO : (43, 699.8228476122022), +INFO : (44, 678.159839321673), +INFO : (45, 651.6056837394833), +INFO : (46, 643.5443080589175), +INFO : (47, 621.6845767728985), +INFO : (48, 604.140775270015), +INFO : (49, 583.2494176328182), +INFO : (50, 562.8215327160432)], +INFO : 'val_accuracy': [(1, 0.268555), +INFO : (2, 0.376855), +INFO : (3, 0.437075), +INFO : (4, 0.472545), +INFO : (5, 0.49898), +INFO : (6, 0.52289), +INFO : (7, 0.542015), +INFO : (8, 0.559755), +INFO : (9, 0.57209), +INFO : (10, 0.586805), +INFO : (11, 0.59393), +INFO : (12, 0.60514), +INFO : (13, 0.6119), +INFO : (14, 0.61545), +INFO : (15, 0.624875), +INFO : (16, 0.626185), +INFO : (17, 0.631825), +INFO : (18, 0.637535), +INFO : (19, 0.63682), +INFO : (20, 0.642985), +INFO : (21, 0.6445), +INFO : (22, 0.64658), +INFO : (23, 0.64723), +INFO : (24, 0.64681), +INFO : (25, 0.647785), +INFO : (26, 0.650475), +INFO : (27, 0.65044), +INFO : (28, 0.65103), +INFO : (29, 0.650925), +INFO : (30, 0.649395), +INFO : (31, 0.65117), +INFO : (32, 0.651065), +INFO : (33, 0.650015), +INFO : (34, 0.649515), +INFO : (35, 0.64899), +INFO : (36, 0.648585), +INFO : (37, 0.64795), +INFO : (38, 0.64781), +INFO : (39, 0.647035), +INFO : (40, 0.646655), +INFO : (41, 0.645465), +INFO : (42, 0.642745), +INFO : (43, 0.64284), +INFO : (44, 0.640765), +INFO : (45, 0.64133), +INFO : (46, 0.63749), +INFO : (47, 0.639405), +INFO : (48, 0.63748), +INFO : (49, 0.63687), +INFO : (50, 0.637085)], +INFO : 'val_loss': [(1, 19912.890340427308), +INFO : (2, 16823.742395002955), +INFO : (3, 15347.815615347123), +INFO : (4, 14483.356718772855), +INFO : (5, 13836.890494660625), +INFO : (6, 13233.01657574976), +INFO : (7, 12773.487870180408), +INFO : (8, 12314.985763241048), +INFO : (9, 12022.72473411654), +INFO : (10, 11630.651336389297), +INFO : (11, 11444.258598300861), +INFO : (12, 11183.640631933746), +INFO : (13, 10976.863959496972), +INFO : (14, 10924.404092275745), +INFO : (15, 10670.954294220295), +INFO : (16, 10638.796526263788), +INFO : (17, 10486.878359718778), +INFO : (18, 10402.991581202848), +INFO : (19, 10472.32716229523), +INFO : (20, 10344.00765276563), +INFO : (21, 10313.788257373364), +INFO : (22, 10298.408100103059), +INFO : (23, 10344.806559611457), +INFO : (24, 10388.054351894953), +INFO : (25, 10432.295857141515), +INFO : (26, 10347.120936624562), +INFO : (27, 10493.290684098505), +INFO : (28, 10509.459072755873), +INFO : (29, 10565.275446521679), +INFO : (30, 10698.616466290134), +INFO : (31, 10782.267148215953), +INFO : (32, 10872.151431696642), +INFO : (33, 10991.036750078183), +INFO : (34, 11123.48512364336), +INFO : (35, 11230.437468629447), +INFO : (36, 11384.395115612928), +INFO : (37, 11545.077041903029), +INFO : (38, 11663.495013803169), +INFO : (39, 11896.190798615022), +INFO : (40, 12026.489883321778), +INFO : (41, 12266.39498416401), +INFO : (42, 12651.094272469727), +INFO : (43, 12793.594292125603), +INFO : (44, 13015.478895724667), +INFO : (45, 13223.711547798817), +INFO : (46, 13558.60813324662), +INFO : (47, 13831.691029803964), +INFO : (48, 14124.369536916234), +INFO : (49, 14332.298220781715), +INFO : (50, 14541.954892027145)]} +INFO : +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3163463) Files already downloaded and verified +(ClientAppActor pid=3163469) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..6058d55e923f --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.02_NOISE_4_TRIAL.txt @@ -0,0 +1,3826 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168150) INFO : Starting training... +(ClientAppActor pid=3168156) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168149) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168149) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168155) INFO : Starting training... +(ClientAppActor pid=3168153) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168148) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168147) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168150) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168161) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168154) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168157) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168160) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168147) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168149) INFO : Starting training... +(ClientAppActor pid=3168157) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168155) INFO : Starting training... +(ClientAppActor pid=3168149) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168158) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168148) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168155) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168161) INFO : Starting training... +(ClientAppActor pid=3168157) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168155) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168160) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168160) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168154) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168161) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168160) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168147) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168150) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168160) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168156) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168157) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168146) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168153) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168160) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168160) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168155) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168159) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168148) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168155) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168150) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168149) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168149) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168153) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168157) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168146) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168151) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168146) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168147) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168159) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168158) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168153) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168161) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168159) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168146) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168161) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168149) INFO : Starting training... +(ClientAppActor pid=3168146) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168150) INFO : Starting training... +(ClientAppActor pid=3168153) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168149) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168156) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168159) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168155) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168159) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168161) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168149) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168161) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168150) INFO : Starting training... +(ClientAppActor pid=3168151) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168161) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168160) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168153) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168151) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168156) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168151) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168154) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168151) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168146) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168159) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168156) INFO : Starting training... +(ClientAppActor pid=3168158) INFO : Starting training... +(ClientAppActor pid=3168155) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168156) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168149) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168158) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168147) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61989 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168156) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3168158) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168148) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61991 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3168148) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3168155) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61992 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3168152) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... +(ClientAppActor pid=3168148) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3168153) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3047.45s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.290575), +INFO : (2, 0.396192), +INFO : (3, 0.458042), +INFO : (4, 0.492459), +INFO : (5, 0.528004), +INFO : (6, 0.553905), +INFO : (7, 0.573203), +INFO : (8, 0.592257), +INFO : (9, 0.609541), +INFO : (10, 0.618982), +INFO : (11, 0.631856), +INFO : (12, 0.647374), +INFO : (13, 0.655171), +INFO : (14, 0.665664), +INFO : (15, 0.679472), +INFO : (16, 0.683902), +INFO : (17, 0.69333), +INFO : (18, 0.701617), +INFO : (19, 0.710581), +INFO : (20, 0.719158), +INFO : (21, 0.725804), +INFO : (22, 0.734189), +INFO : (23, 0.740027), +INFO : (24, 0.747633), +INFO : (25, 0.752347), +INFO : (26, 0.76226), +INFO : (27, 0.765455), +INFO : (28, 0.772386), +INFO : (29, 0.777445), +INFO : (30, 0.784153), +INFO : (31, 0.789783), +INFO : (32, 0.792903), +INFO : (33, 0.799916), +INFO : (34, 0.807649), +INFO : (35, 0.812469), +INFO : (36, 0.815802), +INFO : (37, 0.821932), +INFO : (38, 0.823288), +INFO : (39, 0.831057), +INFO : (40, 0.835813), +INFO : (41, 0.838995), +INFO : (42, 0.844003), +INFO : (43, 0.850453), +INFO : (44, 0.852009), +INFO : (45, 0.852576), +INFO : (46, 0.859885), +INFO : (47, 0.863497), +INFO : (48, 0.866404), +INFO : (49, 0.869098), +INFO : (50, 0.872324)], +INFO : 'train_loss': [(1, 3061.004012131691), +INFO : (2, 2576.085355913639), +INFO : (3, 2338.3971536904573), +INFO : (4, 2203.2002710580828), +INFO : (5, 2067.5427293270827), +INFO : (6, 1957.9885855436326), +INFO : (7, 1874.5344651162625), +INFO : (8, 1801.7302287191153), +INFO : (9, 1726.9444288790226), +INFO : (10, 1681.0366494759917), +INFO : (11, 1625.8444176703692), +INFO : (12, 1564.4529770731926), +INFO : (13, 1525.6523738697172), +INFO : (14, 1481.0647585600614), +INFO : (15, 1425.2047756105662), +INFO : (16, 1399.8029343627393), +INFO : (17, 1359.863319502771), +INFO : (18, 1323.4406664907933), +INFO : (19, 1285.9462036311627), +INFO : (20, 1248.1586966082455), +INFO : (21, 1217.2321926102043), +INFO : (22, 1182.0418622225523), +INFO : (23, 1155.8200419150294), +INFO : (24, 1119.3716159708797), +INFO : (25, 1101.2702787928283), +INFO : (26, 1058.994062437862), +INFO : (27, 1040.382873696834), +INFO : (28, 1010.6019587442279), +INFO : (29, 988.9082408573479), +INFO : (30, 959.6477393127977), +INFO : (31, 932.7852994374931), +INFO : (32, 917.9321916744113), +INFO : (33, 887.7433682613075), +INFO : (34, 856.1969310190528), +INFO : (35, 834.0805370371788), +INFO : (36, 814.3541165098547), +INFO : (37, 790.1908972483128), +INFO : (38, 778.607103678398), +INFO : (39, 748.823023057729), +INFO : (40, 726.8704735532403), +INFO : (41, 711.4667160779238), +INFO : (42, 691.8528275836259), +INFO : (43, 661.0377120621503), +INFO : (44, 653.4186901140959), +INFO : (45, 645.6432737162337), +INFO : (46, 617.940244467929), +INFO : (47, 601.0854448642582), +INFO : (48, 588.0341563172639), +INFO : (49, 575.7127248333767), +INFO : (50, 560.0469619711862)], +INFO : 'val_accuracy': [(1, 0.29425), +INFO : (2, 0.396335), +INFO : (3, 0.45722), +INFO : (4, 0.48866), +INFO : (5, 0.520265), +INFO : (6, 0.540945), +INFO : (7, 0.556035), +INFO : (8, 0.571165), +INFO : (9, 0.583995), +INFO : (10, 0.588545), +INFO : (11, 0.598625), +INFO : (12, 0.6082), +INFO : (13, 0.61321), +INFO : (14, 0.61896), +INFO : (15, 0.62536), +INFO : (16, 0.62602), +INFO : (17, 0.630035), +INFO : (18, 0.63408), +INFO : (19, 0.63823), +INFO : (20, 0.640965), +INFO : (21, 0.63999), +INFO : (22, 0.64482), +INFO : (23, 0.645725), +INFO : (24, 0.646135), +INFO : (25, 0.644795), +INFO : (26, 0.648235), +INFO : (27, 0.647385), +INFO : (28, 0.647125), +INFO : (29, 0.645885), +INFO : (30, 0.645545), +INFO : (31, 0.64481), +INFO : (32, 0.643485), +INFO : (33, 0.642935), +INFO : (34, 0.643355), +INFO : (35, 0.643515), +INFO : (36, 0.641545), +INFO : (37, 0.6412), +INFO : (38, 0.63774), +INFO : (39, 0.638555), +INFO : (40, 0.6373), +INFO : (41, 0.63634), +INFO : (42, 0.634655), +INFO : (43, 0.635025), +INFO : (44, 0.63307), +INFO : (45, 0.63107), +INFO : (46, 0.631475), +INFO : (47, 0.62853), +INFO : (48, 0.627525), +INFO : (49, 0.626455), +INFO : (50, 0.62559)], +INFO : 'val_loss': [(1, 19530.102306915822), +INFO : (2, 16413.818142410928), +INFO : (3, 14953.520332629181), +INFO : (4, 14151.240988107595), +INFO : (5, 13376.69344510563), +INFO : (6, 12794.313810100832), +INFO : (7, 12397.89500693997), +INFO : (8, 12048.755506942309), +INFO : (9, 11689.811717387778), +INFO : (10, 11537.517535216191), +INFO : (11, 11337.216524036405), +INFO : (12, 11090.634370340114), +INFO : (13, 11010.25793461857), +INFO : (14, 10878.145475239993), +INFO : (15, 10694.760727230947), +INFO : (16, 10699.39792971278), +INFO : (17, 10627.327653448718), +INFO : (18, 10547.462475516788), +INFO : (19, 10474.100645754244), +INFO : (20, 10458.42181363203), +INFO : (21, 10455.807574553164), +INFO : (22, 10395.429268797967), +INFO : (23, 10445.725250776679), +INFO : (24, 10478.441798687549), +INFO : (25, 10553.114709326439), +INFO : (26, 10504.184922617054), +INFO : (27, 10615.37539402802), +INFO : (28, 10715.331004100446), +INFO : (29, 10826.81373586848), +INFO : (30, 10879.0278894575), +INFO : (31, 11008.813295919825), +INFO : (32, 11179.89965274201), +INFO : (33, 11293.104640928897), +INFO : (34, 11377.291606976958), +INFO : (35, 11552.775171666735), +INFO : (36, 11761.911079772297), +INFO : (37, 11942.356650575883), +INFO : (38, 12154.200348413213), +INFO : (39, 12347.61752373736), +INFO : (40, 12518.599144764066), +INFO : (41, 12769.080090105119), +INFO : (42, 12945.893523021108), +INFO : (43, 13262.910836807563), +INFO : (44, 13585.983689074732), +INFO : (45, 13898.302528559645), +INFO : (46, 14072.778262741896), +INFO : (47, 14409.988184202528), +INFO : (48, 14721.989015614514), +INFO : (49, 14989.278339219258), +INFO : (50, 15438.220863946042)]} +INFO : +(ClientAppActor pid=3168147) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3168156) Files already downloaded and verified +(ClientAppActor pid=3168161) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..497992a1c957 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_0_TRIAL.txt @@ -0,0 +1,3819 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3085354) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +(ClientAppActor pid=3085352) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3085361) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085366) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085352) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085359) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085366) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085362) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085359) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085356) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085351) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085365) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085354) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085366) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085353) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085359) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085365) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085364) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +(ClientAppActor pid=3085359) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3085364) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO [0m: Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +(ClientAppActor pid=3085355) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3085351) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +(ClientAppActor pid=3085352) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085356) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085362) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085355) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085365) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085364) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085362) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085354) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085364) INFO : Starting training... +(ClientAppActor pid=3085352) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085355) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085362) INFO : Starting training... +(ClientAppActor pid=3085356) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085357) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085357) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085356) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +(ClientAppActor pid=3085361) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085356) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085366) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085354) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085366) INFO : Starting training... +(ClientAppActor pid=3085356) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085366) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085365) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085357) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085365) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085366) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +(ClientAppActor pid=3085362) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3085357) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3085351) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085362) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085359) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085366) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085357) INFO : Starting training... +(ClientAppActor pid=3085355) INFO : Starting training... +(ClientAppActor pid=3085365) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085353) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085356) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085357) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +(ClientAppActor pid=3085363) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085363) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085359) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085351) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085358) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085356) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085366) INFO : Starting training... +(ClientAppActor pid=3085352) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085352) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085356) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +(ClientAppActor pid=3085364) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3085356) INFO : Starting training... +(ClientAppActor pid=3085365) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085352) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085362) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085354) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085366) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +(ClientAppActor pid=3085353) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085356) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085362) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085351) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085362) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3085356) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085365) INFO : Starting training... +(ClientAppActor pid=3085351) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3085358) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3085356) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3085364) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3050.39s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.259211), +INFO : (2, 0.366958), +INFO : (3, 0.428724), +INFO : (4, 0.482478), +INFO : (5, 0.515333), +INFO : (6, 0.545993), +INFO : (7, 0.56968), +INFO : (8, 0.588435), +INFO : (9, 0.606121), +INFO : (10, 0.621742), +INFO : (11, 0.630689), +INFO : (12, 0.64368), +INFO : (13, 0.6521), +INFO : (14, 0.662028), +INFO : (15, 0.674944), +INFO : (16, 0.683632), +INFO : (17, 0.693645), +INFO : (18, 0.701971), +INFO : (19, 0.708152), +INFO : (20, 0.717165), +INFO : (21, 0.725124), +INFO : (22, 0.73194), +INFO : (23, 0.738613), +INFO : (24, 0.745779), +INFO : (25, 0.751551), +INFO : (26, 0.759535), +INFO : (27, 0.765293), +INFO : (28, 0.77036), +INFO : (29, 0.780449), +INFO : (30, 0.784512), +INFO : (31, 0.789336), +INFO : (32, 0.796237), +INFO : (33, 0.799767), +INFO : (34, 0.803705), +INFO : (35, 0.811097), +INFO : (36, 0.81681), +INFO : (37, 0.819182), +INFO : (38, 0.82509), +INFO : (39, 0.831834), +INFO : (40, 0.835487), +INFO : (41, 0.840756), +INFO : (42, 0.843401), +INFO : (43, 0.843349), +INFO : (44, 0.852095), +INFO : (45, 0.856255), +INFO : (46, 0.857202), +INFO : (47, 0.861754), +INFO : (48, 0.867193), +INFO : (49, 0.865586), +INFO : (50, 0.868187)], +INFO : 'train_loss': [(1, 3163.10762129426), +INFO : (2, 2675.278114235401), +INFO : (3, 2447.209894606471), +INFO : (4, 2245.2638894706965), +INFO : (5, 2114.468480050564), +INFO : (6, 1994.9218104839324), +INFO : (7, 1896.9938600242137), +INFO : (8, 1816.024075755477), +INFO : (9, 1743.8851396352052), +INFO : (10, 1678.3897928789258), +INFO : (11, 1639.841673772037), +INFO : (12, 1590.6396006643772), +INFO : (13, 1546.2573887124659), +INFO : (14, 1502.0784138068557), +INFO : (15, 1447.385902903974), +INFO : (16, 1408.6784093111753), +INFO : (17, 1366.2915513053536), +INFO : (18, 1329.7278196170926), +INFO : (19, 1301.0119999468327), +INFO : (20, 1263.9673571318388), +INFO : (21, 1226.9369846373797), +INFO : (22, 1198.3498659305274), +INFO : (23, 1162.4733518451453), +INFO : (24, 1130.6738843373955), +INFO : (25, 1106.7342383697628), +INFO : (26, 1069.4823320753871), +INFO : (27, 1045.9361378885806), +INFO : (28, 1020.1870741203427), +INFO : (29, 979.990903764218), +INFO : (30, 960.4855344280601), +INFO : (31, 938.6110913932323), +INFO : (32, 907.775907754153), +INFO : (33, 891.2120088852942), +INFO : (34, 870.2243260979652), +INFO : (35, 839.5265230089426), +INFO : (36, 815.2327666603029), +INFO : (37, 801.8714321292937), +INFO : (38, 777.3182580091059), +INFO : (39, 747.1422583460808), +INFO : (40, 731.1652688995003), +INFO : (41, 709.4215709704906), +INFO : (42, 694.02394644171), +INFO : (43, 688.7257235603406), +INFO : (44, 656.0457591241226), +INFO : (45, 634.9663607684895), +INFO : (46, 626.1055743128061), +INFO : (47, 607.7352957157419), +INFO : (48, 583.2740752628073), +INFO : (49, 586.109585692361), +INFO : (50, 574.3492701370269)], +INFO : 'val_accuracy': [(1, 0.267335), +INFO : (2, 0.36809), +INFO : (3, 0.4262), +INFO : (4, 0.47782), +INFO : (5, 0.50582), +INFO : (6, 0.52942), +INFO : (7, 0.550095), +INFO : (8, 0.56545), +INFO : (9, 0.57896), +INFO : (10, 0.59035), +INFO : (11, 0.594335), +INFO : (12, 0.60231), +INFO : (13, 0.60562), +INFO : (14, 0.61155), +INFO : (15, 0.616785), +INFO : (16, 0.62019), +INFO : (17, 0.62459), +INFO : (18, 0.626265), +INFO : (19, 0.626785), +INFO : (20, 0.629885), +INFO : (21, 0.62971), +INFO : (22, 0.631025), +INFO : (23, 0.632335), +INFO : (24, 0.63404), +INFO : (25, 0.63384), +INFO : (26, 0.634635), +INFO : (27, 0.633395), +INFO : (28, 0.632005), +INFO : (29, 0.63305), +INFO : (30, 0.63157), +INFO : (31, 0.63099), +INFO : (32, 0.62922), +INFO : (33, 0.62698), +INFO : (34, 0.625305), +INFO : (35, 0.626435), +INFO : (36, 0.624285), +INFO : (37, 0.62086), +INFO : (38, 0.620955), +INFO : (39, 0.62049), +INFO : (40, 0.617525), +INFO : (41, 0.61871), +INFO : (42, 0.615265), +INFO : (43, 0.61379), +INFO : (44, 0.613995), +INFO : (45, 0.61369), +INFO : (46, 0.613095), +INFO : (47, 0.61078), +INFO : (48, 0.609045), +INFO : (49, 0.607685), +INFO : (50, 0.60588)], +INFO : 'val_loss': [(1, 20136.486730342356), +INFO : (2, 17069.247718456765), +INFO : (3, 15711.846901522296), +INFO : (4, 14487.686454976234), +INFO : (5, 13750.795111614472), +INFO : (6, 13117.791291794669), +INFO : (7, 12589.983163278199), +INFO : (8, 12181.352783460628), +INFO : (9, 11850.110797733581), +INFO : (10, 11556.553434859565), +INFO : (11, 11435.712663554199), +INFO : (12, 11260.595264496667), +INFO : (13, 11159.785808806377), +INFO : (14, 11036.805867127017), +INFO : (15, 10895.223362680457), +INFO : (16, 10832.40264786877), +INFO : (17, 10734.445919919255), +INFO : (18, 10713.916858127586), +INFO : (19, 10748.818236559347), +INFO : (20, 10686.641135496942), +INFO : (21, 10702.267506843726), +INFO : (22, 10739.79659600213), +INFO : (23, 10809.138885298198), +INFO : (24, 10830.655935287943), +INFO : (25, 10939.995296082403), +INFO : (26, 11031.290114195986), +INFO : (27, 11123.706550862767), +INFO : (28, 11252.583386315175), +INFO : (29, 11290.518581438018), +INFO : (30, 11509.646447163414), +INFO : (31, 11629.875123597023), +INFO : (32, 11789.427791978836), +INFO : (33, 12035.534947819944), +INFO : (34, 12283.022835546737), +INFO : (35, 12383.57485784092), +INFO : (36, 12579.836416167953), +INFO : (37, 12879.593156415116), +INFO : (38, 13099.705377327246), +INFO : (39, 13271.049895129538), +INFO : (40, 13582.855631717815), +INFO : (41, 13754.227572058448), +INFO : (42, 13994.456388108021), +INFO : (43, 14393.574585125443), +INFO : (44, 14644.669526997186), +INFO : (45, 14970.816594783886), +INFO : (46, 15339.978539698233), +INFO : (47, 15654.940068480326), +INFO : (48, 15913.775053142124), +INFO : (49, 16335.515318797434), +INFO : (50, 16816.03116580065)]} +INFO : +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3085356) Files already downloaded and verified +(ClientAppActor pid=3085364) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..0f973628cde5 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_1_TRIAL.txt @@ -0,0 +1,3831 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090042) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3090047) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090036) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090043) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090040) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3090037) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090040) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090046) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090041) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090038) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090039) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090038) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090048) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090038) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090048) INFO : Starting training... +(ClientAppActor pid=3090044) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090043) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090049) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090047) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090043) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090043) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090044) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090042) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090041) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090042) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090046) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090036) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090046) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090038) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3090046) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090042) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090046) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090039) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090043) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3090046) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090043) INFO : Starting training... +(ClientAppActor pid=3090039) INFO : Starting training... +(ClientAppActor pid=3090048) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090049) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090048) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090040) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090039) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090041) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090043) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090040) INFO : Starting training... +(ClientAppActor pid=3090049) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090048) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090043) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090044) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090037) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090039) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090043) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090045) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3090047) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090037) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090049) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090039) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090049) INFO : Starting training... +(ClientAppActor pid=3090044) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3090041) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090049) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090048) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3090039) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090049) INFO : Starting training... +(ClientAppActor pid=3090048) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3090045) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090046) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090039) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090036) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090044) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090039) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090047) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090047) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090039) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090039) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090043) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090041) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090050) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090036) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3090050) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090046) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3090037) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090047) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3090050) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3090047) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3090041) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3090035) INFO : Starting training... +(ClientAppActor pid=3090046) INFO : Starting training... +(ClientAppActor pid=3090039) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3090049) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3012.53s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.238064), +INFO : (2, 0.378837), +INFO : (3, 0.441425), +INFO : (4, 0.488384), +INFO : (5, 0.521742), +INFO : (6, 0.54869), +INFO : (7, 0.572611), +INFO : (8, 0.590254), +INFO : (9, 0.60906), +INFO : (10, 0.621202), +INFO : (11, 0.634276), +INFO : (12, 0.648035), +INFO : (13, 0.65846), +INFO : (14, 0.671237), +INFO : (15, 0.674191), +INFO : (16, 0.685578), +INFO : (17, 0.69832), +INFO : (18, 0.702366), +INFO : (19, 0.713701), +INFO : (20, 0.719949), +INFO : (21, 0.722675), +INFO : (22, 0.736272), +INFO : (23, 0.741699), +INFO : (24, 0.749205), +INFO : (25, 0.757265), +INFO : (26, 0.761871), +INFO : (27, 0.768433), +INFO : (28, 0.774493), +INFO : (29, 0.784851), +INFO : (30, 0.789778), +INFO : (31, 0.791399), +INFO : (32, 0.799608), +INFO : (33, 0.80584), +INFO : (34, 0.811296), +INFO : (35, 0.814764), +INFO : (36, 0.818417), +INFO : (37, 0.82554), +INFO : (38, 0.8318), +INFO : (39, 0.834032), +INFO : (40, 0.840908), +INFO : (41, 0.848985), +INFO : (42, 0.85025), +INFO : (43, 0.853347), +INFO : (44, 0.856768), +INFO : (45, 0.861897), +INFO : (46, 0.866414), +INFO : (47, 0.867001), +INFO : (48, 0.867437), +INFO : (49, 0.876693), +INFO : (50, 0.879419)], +INFO : 'train_loss': [(1, 3323.635643160343), +INFO : (2, 2659.7507325470447), +INFO : (3, 2388.3567676573994), +INFO : (4, 2204.9354156881573), +INFO : (5, 2079.507059511542), +INFO : (6, 1975.2185092300176), +INFO : (7, 1884.171713167429), +INFO : (8, 1812.3717280387878), +INFO : (9, 1731.481641191244), +INFO : (10, 1681.9382524460555), +INFO : (11, 1623.8511835604907), +INFO : (12, 1567.7225765883923), +INFO : (13, 1527.2077759265899), +INFO : (14, 1470.1731113031506), +INFO : (15, 1452.3003114014864), +INFO : (16, 1403.7912077635526), +INFO : (17, 1347.5235916063189), +INFO : (18, 1327.6144067883492), +INFO : (19, 1281.5707092739642), +INFO : (20, 1248.9273930594325), +INFO : (21, 1235.7970583029091), +INFO : (22, 1175.7109472833574), +INFO : (23, 1151.3202849417926), +INFO : (24, 1116.9067576646805), +INFO : (25, 1082.4859686478972), +INFO : (26, 1059.857643368095), +INFO : (27, 1034.4087174899876), +INFO : (28, 1002.891326276958), +INFO : (29, 962.8384046696126), +INFO : (30, 939.7916141211987), +INFO : (31, 928.0647316120564), +INFO : (32, 893.065352545306), +INFO : (33, 867.4178893551231), +INFO : (34, 842.3111933317035), +INFO : (35, 823.6842611581087), +INFO : (36, 806.8205466698855), +INFO : (37, 777.2813573375345), +INFO : (38, 749.5208892401308), +INFO : (39, 736.8103540811687), +INFO : (40, 709.7172940552234), +INFO : (41, 674.3517794448883), +INFO : (42, 668.1088210940361), +INFO : (43, 651.6632203169167), +INFO : (44, 634.511464625597), +INFO : (45, 611.9185123637319), +INFO : (46, 591.5184831818565), +INFO : (47, 587.2042239587753), +INFO : (48, 580.3247967516072), +INFO : (49, 542.9897852705791), +INFO : (50, 531.3417268648743)], +INFO : 'val_accuracy': [(1, 0.241535), +INFO : (2, 0.375765), +INFO : (3, 0.43915), +INFO : (4, 0.483775), +INFO : (5, 0.51411), +INFO : (6, 0.53553), +INFO : (7, 0.5555), +INFO : (8, 0.57025), +INFO : (9, 0.58656), +INFO : (10, 0.59616), +INFO : (11, 0.604955), +INFO : (12, 0.614405), +INFO : (13, 0.620045), +INFO : (14, 0.628525), +INFO : (15, 0.62705), +INFO : (16, 0.634605), +INFO : (17, 0.640725), +INFO : (18, 0.63997), +INFO : (19, 0.64619), +INFO : (20, 0.64654), +INFO : (21, 0.644945), +INFO : (22, 0.65084), +INFO : (23, 0.65148), +INFO : (24, 0.651465), +INFO : (25, 0.652615), +INFO : (26, 0.651065), +INFO : (27, 0.65089), +INFO : (28, 0.65279), +INFO : (29, 0.65321), +INFO : (30, 0.650695), +INFO : (31, 0.647735), +INFO : (32, 0.648995), +INFO : (33, 0.646995), +INFO : (34, 0.647875), +INFO : (35, 0.644535), +INFO : (36, 0.643585), +INFO : (37, 0.643735), +INFO : (38, 0.64243), +INFO : (39, 0.640265), +INFO : (40, 0.64075), +INFO : (41, 0.63958), +INFO : (42, 0.637095), +INFO : (43, 0.6359), +INFO : (44, 0.63645), +INFO : (45, 0.634835), +INFO : (46, 0.634075), +INFO : (47, 0.63106), +INFO : (48, 0.629045), +INFO : (49, 0.6299), +INFO : (50, 0.629135)], +INFO : 'val_loss': [(1, 21233.497912344337), +INFO : (2, 16995.689023399536), +INFO : (3, 15294.301296818441), +INFO : (4, 14218.459563031996), +INFO : (5, 13514.912259444756), +INFO : (6, 12957.658388197571), +INFO : (7, 12469.761334444516), +INFO : (8, 12100.139346654196), +INFO : (9, 11682.339190324705), +INFO : (10, 11479.721421612194), +INFO : (11, 11215.325175007401), +INFO : (12, 10988.302751144854), +INFO : (13, 10863.444246349056), +INFO : (14, 10656.051575784375), +INFO : (15, 10701.15084741251), +INFO : (16, 10543.363704331292), +INFO : (17, 10378.712000742064), +INFO : (18, 10441.915808801154), +INFO : (19, 10308.863030420507), +INFO : (20, 10342.679744413912), +INFO : (21, 10430.852042613044), +INFO : (22, 10296.691258994026), +INFO : (23, 10349.350178041683), +INFO : (24, 10418.242981626321), +INFO : (25, 10398.72458912138), +INFO : (26, 10513.778607230126), +INFO : (27, 10592.584149547729), +INFO : (28, 10659.774180635744), +INFO : (29, 10730.663428976899), +INFO : (30, 10844.350933837297), +INFO : (31, 11044.771909434541), +INFO : (32, 11170.083225171446), +INFO : (33, 11309.519895851858), +INFO : (34, 11479.417292670714), +INFO : (35, 11686.014548992445), +INFO : (36, 11888.116589070294), +INFO : (37, 12045.96102126853), +INFO : (38, 12228.408805370174), +INFO : (39, 12523.803949678912), +INFO : (40, 12710.62407386264), +INFO : (41, 12886.874924456672), +INFO : (42, 13238.8824856385), +INFO : (43, 13512.61038092584), +INFO : (44, 13797.635968923134), +INFO : (45, 14156.556256205842), +INFO : (46, 14398.986567620594), +INFO : (47, 14750.029854783641), +INFO : (48, 15122.596227978416), +INFO : (49, 15350.161355972472), +INFO : (50, 15834.321485778077)]} +INFO : +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3090035) Files already downloaded and verified +(ClientAppActor pid=3090041) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..ef0ff5d81c76 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_2_TRIAL.txt @@ -0,0 +1,3832 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094674) INFO : Starting training... +(ClientAppActor pid=3094675) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3094685) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3094685) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094683) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094683) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094673) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094676) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094686) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094685) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094674) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094674) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094684) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094678) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094676) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094675) INFO : Starting training... +(ClientAppActor pid=3094681) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094678) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094685) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094673) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094686) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094677) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094672) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094686) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3094686) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094672) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094679) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094674) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094679) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094671) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094683) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094677) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094673) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094683) INFO : Starting training... +(ClientAppActor pid=3094682) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094686) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094683) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094674) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094680) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3094674) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094678) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094676) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094677) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094676) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094686) INFO : Starting training... +(ClientAppActor pid=3094681) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094683) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094679) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094671) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094677) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094673) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094672) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094674) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094673) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094683) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094683) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094681) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094677) INFO : Starting training... +(ClientAppActor pid=3094672) INFO : Starting training... +(ClientAppActor pid=3094675) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094684) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3094675) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094676) INFO : Starting training... +(ClientAppActor pid=3094672) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094685) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094677) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094678) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094680) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094673) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094677) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094683) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094671) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094684) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094685) INFO : Starting training... +(ClientAppActor pid=3094675) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094675) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094686) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094675) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094677) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094681) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3094684) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094674) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094672) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3094678) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094681) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094681) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3094676) INFO : Starting training... +(ClientAppActor pid=3094678) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3094678) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094673) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... +(ClientAppActor pid=3094680) INFO : Starting training... +(ClientAppActor pid=3094681) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3094682) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3094672) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3094683) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3052.93s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.232329), +INFO : (2, 0.357013), +INFO : (3, 0.434283), +INFO : (4, 0.477296), +INFO : (5, 0.514896), +INFO : (6, 0.541179), +INFO : (7, 0.561276), +INFO : (8, 0.577967), +INFO : (9, 0.596454), +INFO : (10, 0.614501), +INFO : (11, 0.62674), +INFO : (12, 0.634526), +INFO : (13, 0.647904), +INFO : (14, 0.659762), +INFO : (15, 0.66884), +INFO : (16, 0.678426), +INFO : (17, 0.686632), +INFO : (18, 0.695006), +INFO : (19, 0.705686), +INFO : (20, 0.715004), +INFO : (21, 0.724288), +INFO : (22, 0.730381), +INFO : (23, 0.738507), +INFO : (24, 0.742294), +INFO : (25, 0.746341), +INFO : (26, 0.755298), +INFO : (27, 0.761143), +INFO : (28, 0.771838), +INFO : (29, 0.776558), +INFO : (30, 0.78212), +INFO : (31, 0.784505), +INFO : (32, 0.792178), +INFO : (33, 0.793589), +INFO : (34, 0.802962), +INFO : (35, 0.808003), +INFO : (36, 0.816163), +INFO : (37, 0.822721), +INFO : (38, 0.824119), +INFO : (39, 0.829491), +INFO : (40, 0.834566), +INFO : (41, 0.838982), +INFO : (42, 0.842083), +INFO : (43, 0.846829), +INFO : (44, 0.851237), +INFO : (45, 0.853879), +INFO : (46, 0.85762), +INFO : (47, 0.861806), +INFO : (48, 0.868961), +INFO : (49, 0.867919), +INFO : (50, 0.871601)], +INFO : 'train_loss': [(1, 3325.190576785803), +INFO : (2, 2758.395614773035), +INFO : (3, 2421.5955102592707), +INFO : (4, 2246.0991837859156), +INFO : (5, 2106.2486791163683), +INFO : (6, 2001.841813853383), +INFO : (7, 1920.2525522619485), +INFO : (8, 1856.4998445659876), +INFO : (9, 1781.511444029212), +INFO : (10, 1708.5473638415338), +INFO : (11, 1658.197996391356), +INFO : (12, 1620.7616922661662), +INFO : (13, 1566.6298060759902), +INFO : (14, 1516.3539068222046), +INFO : (15, 1473.8810844287277), +INFO : (16, 1433.9207779973744), +INFO : (17, 1396.3085703656077), +INFO : (18, 1362.6115536481143), +INFO : (19, 1314.1031333476305), +INFO : (20, 1277.8955639779567), +INFO : (21, 1235.6220463231207), +INFO : (22, 1209.1045681253077), +INFO : (23, 1173.035920292139), +INFO : (24, 1155.721636674553), +INFO : (25, 1132.6201624043285), +INFO : (26, 1095.6539870627225), +INFO : (27, 1069.599092553556), +INFO : (28, 1025.1453730523585), +INFO : (29, 1002.6254662759602), +INFO : (30, 978.7689941704273), +INFO : (31, 965.944234906882), +INFO : (32, 931.1041883438826), +INFO : (33, 922.801157733798), +INFO : (34, 884.5483932003378), +INFO : (35, 861.8048599764704), +INFO : (36, 827.6814814250916), +INFO : (37, 801.4975585352629), +INFO : (38, 788.5710970338434), +INFO : (39, 766.6916005093605), +INFO : (40, 744.6611021373421), +INFO : (41, 723.7742401424796), +INFO : (42, 707.3656297951936), +INFO : (43, 686.9166060227901), +INFO : (44, 665.392481879145), +INFO : (45, 655.176223443076), +INFO : (46, 634.4952348433435), +INFO : (47, 615.2209265615791), +INFO : (48, 586.3688360448926), +INFO : (49, 586.7225660910831), +INFO : (50, 570.445729206875)], +INFO : 'val_accuracy': [(1, 0.23281), +INFO : (2, 0.358195), +INFO : (3, 0.432575), +INFO : (4, 0.47346), +INFO : (5, 0.50668), +INFO : (6, 0.52885), +INFO : (7, 0.544135), +INFO : (8, 0.557155), +INFO : (9, 0.57196), +INFO : (10, 0.586795), +INFO : (11, 0.594605), +INFO : (12, 0.599445), +INFO : (13, 0.608985), +INFO : (14, 0.61434), +INFO : (15, 0.620385), +INFO : (16, 0.624755), +INFO : (17, 0.627955), +INFO : (18, 0.630355), +INFO : (19, 0.635975), +INFO : (20, 0.638275), +INFO : (21, 0.643685), +INFO : (22, 0.6448), +INFO : (23, 0.64759), +INFO : (24, 0.646555), +INFO : (25, 0.645705), +INFO : (26, 0.648995), +INFO : (27, 0.64847), +INFO : (28, 0.652685), +INFO : (29, 0.65197), +INFO : (30, 0.65054), +INFO : (31, 0.650385), +INFO : (32, 0.65177), +INFO : (33, 0.64948), +INFO : (34, 0.651195), +INFO : (35, 0.65151), +INFO : (36, 0.651325), +INFO : (37, 0.65188), +INFO : (38, 0.649515), +INFO : (39, 0.650115), +INFO : (40, 0.64879), +INFO : (41, 0.64673), +INFO : (42, 0.64608), +INFO : (43, 0.64537), +INFO : (44, 0.645), +INFO : (45, 0.64304), +INFO : (46, 0.642335), +INFO : (47, 0.64233), +INFO : (48, 0.641065), +INFO : (49, 0.63947), +INFO : (50, 0.6387)], +INFO : 'val_loss': [(1, 21284.574506235123), +INFO : (2, 17610.15609289221), +INFO : (3, 15485.447688605078), +INFO : (4, 14429.575369215678), +INFO : (5, 13625.845566999655), +INFO : (6, 13071.406175803395), +INFO : (7, 12674.448318502255), +INFO : (8, 12355.204407054578), +INFO : (9, 11993.747511076972), +INFO : (10, 11652.541408510666), +INFO : (11, 11459.714917529274), +INFO : (12, 11350.6445889206), +INFO : (13, 11144.786959605342), +INFO : (14, 10963.396888404775), +INFO : (15, 10851.88483641249), +INFO : (16, 10750.138165033424), +INFO : (17, 10678.592097007016), +INFO : (18, 10653.27879488193), +INFO : (19, 10521.2580971392), +INFO : (20, 10483.056113959052), +INFO : (21, 10390.877772195687), +INFO : (22, 10398.304229110236), +INFO : (23, 10387.814726214334), +INFO : (24, 10465.422360593748), +INFO : (25, 10547.516213028515), +INFO : (26, 10556.998787012657), +INFO : (27, 10609.748274802123), +INFO : (28, 10552.439956534208), +INFO : (29, 10643.660892496826), +INFO : (30, 10717.649108531525), +INFO : (31, 10891.692778952563), +INFO : (32, 10931.082160587757), +INFO : (33, 11118.913258332295), +INFO : (34, 11198.26123695191), +INFO : (35, 11300.168941501362), +INFO : (36, 11378.852395293945), +INFO : (37, 11511.065205807216), +INFO : (38, 11731.773297325713), +INFO : (39, 11866.175966164354), +INFO : (40, 12099.912188580382), +INFO : (41, 12248.33796050385), +INFO : (42, 12512.49047931707), +INFO : (43, 12729.386941480816), +INFO : (44, 12874.04158843419), +INFO : (45, 13216.107372410637), +INFO : (46, 13486.924944623603), +INFO : (47, 13735.176865234167), +INFO : (48, 13957.109257584512), +INFO : (49, 14277.54738734738), +INFO : (50, 14625.307640703348)]} +INFO : +(ClientAppActor pid=3094673) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3094674) Files already downloaded and verified +(ClientAppActor pid=3094679) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..8b9f7ee8030c --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_3_TRIAL.txt @@ -0,0 +1,3777 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 2 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +INFO : aggregate_fit: received 2 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099339) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099339) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099328) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099340) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3099327) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099328) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3099334) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099336) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099341) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3099341) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099340) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099332) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099340) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3099334) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099335) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099329) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3099329) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099340) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099333) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099340) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099328) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099327) INFO : Starting training... +(ClientAppActor pid=3099341) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099337) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099327) INFO : Starting training... +(ClientAppActor pid=3099341) INFO : Starting training... +(ClientAppActor pid=3099326) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099327) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099341) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099340) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3099336) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099332) INFO : Starting training... +(ClientAppActor pid=3099335) INFO : Starting training... +(ClientAppActor pid=3099336) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3099338) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099333) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3099336) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099327) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099329) INFO : Starting training... +(ClientAppActor pid=3099339) INFO : Starting training... +(ClientAppActor pid=3099331) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099331) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3099334) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099337) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099327) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3099334) INFO : Starting training... +(ClientAppActor pid=3099333) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099327) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099338) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099339) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099340) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099338) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099335) INFO : Starting training... +(ClientAppActor pid=3099336) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099334) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099329) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099327) INFO : Starting training... +(ClientAppActor pid=3099334) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3099335) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099335) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3099337) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099330) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099327) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +[92mINFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099340) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099337) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099331) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099335) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3099332) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099340) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3099331) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099335) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3099341) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099329) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099332) INFO : Starting training... +(ClientAppActor pid=3099341) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099336) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099332) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099327) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3099335) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099330) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099332) INFO : Starting training... +(ClientAppActor pid=3099333) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099339) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099341) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099339) INFO : Starting training... +(ClientAppActor pid=3099330) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099338) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099336) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099337) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3099331) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099337) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3099339) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099327) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099328) INFO : Starting training... +(ClientAppActor pid=3099332) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3099328) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3099334) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... +(ClientAppActor pid=3099336) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3099326) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3099341) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3070.87s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.24318), +INFO : (2, 0.361418), +INFO : (3, 0.43861), +INFO : (4, 0.481088), +INFO : (5, 0.516233), +INFO : (6, 0.547404), +INFO : (7, 0.57133), +INFO : (8, 0.591322), +INFO : (9, 0.607705), +INFO : (10, 0.622287), +INFO : (11, 0.636425), +INFO : (12, 0.64824), +INFO : (13, 0.658946), +INFO : (14, 0.672074), +INFO : (15, 0.679066), +INFO : (16, 0.690081), +INFO : (17, 0.698546), +INFO : (18, 0.711866), +INFO : (19, 0.719987), +INFO : (20, 0.724069), +INFO : (21, 0.732642), +INFO : (22, 0.740412), +INFO : (23, 0.745211), +INFO : (24, 0.757395), +INFO : (25, 0.761658), +INFO : (26, 0.768693), +INFO : (27, 0.77524), +INFO : (28, 0.779733), +INFO : (29, 0.785415), +INFO : (30, 0.79316), +INFO : (31, 0.801126), +INFO : (32, 0.800261), +INFO : (33, 0.809411), +INFO : (34, 0.81386), +INFO : (35, 0.820317), +INFO : (36, 0.823152), +INFO : (37, 0.827583), +INFO : (38, 0.832218), +INFO : (39, 0.836096), +INFO : (40, 0.839252), +INFO : (41, 0.844241), +INFO : (42, 0.850847), +INFO : (43, 0.853756), +INFO : (44, 0.857251), +INFO : (45, 0.862052), +INFO : (46, 0.86424), +INFO : (47, 0.869561), +INFO : (48, 0.870914), +INFO : (49, 0.877561), +INFO : (50, 0.876947)], +INFO : 'train_loss': [(1, 3231.6139149069786), +INFO : (2, 2750.153981679678), +INFO : (3, 2406.246702596545), +INFO : (4, 2246.6458926439286), +INFO : (5, 2111.930046057701), +INFO : (6, 1984.5245973318815), +INFO : (7, 1882.2563257843256), +INFO : (8, 1801.1621962070465), +INFO : (9, 1737.209617356956), +INFO : (10, 1672.1547955185174), +INFO : (11, 1611.0440576717258), +INFO : (12, 1562.0063404589891), +INFO : (13, 1516.1840018764137), +INFO : (14, 1460.1492195516826), +INFO : (15, 1426.6423797920347), +INFO : (16, 1378.1008458897472), +INFO : (17, 1343.746031692624), +INFO : (18, 1286.047747785598), +INFO : (19, 1251.6464817814528), +INFO : (20, 1228.3497894838451), +INFO : (21, 1192.1172635741532), +INFO : (22, 1156.4891819313168), +INFO : (23, 1136.251550938934), +INFO : (24, 1083.5939558796586), +INFO : (25, 1061.915520900488), +INFO : (26, 1032.50854235515), +INFO : (27, 1003.942550944537), +INFO : (28, 980.8904398202897), +INFO : (29, 955.4372022561729), +INFO : (30, 921.6205110087991), +INFO : (31, 886.3572576783597), +INFO : (32, 884.8495601214469), +INFO : (33, 848.0858278617263), +INFO : (34, 826.1484018646181), +INFO : (35, 798.2073522876948), +INFO : (36, 780.7625977339222), +INFO : (37, 761.6795582599938), +INFO : (38, 741.6645708020776), +INFO : (39, 720.4311065424233), +INFO : (40, 707.9986429709941), +INFO : (41, 686.3853186693043), +INFO : (42, 656.6173476912081), +INFO : (43, 644.181611360237), +INFO : (44, 628.5113358087838), +INFO : (45, 606.8735482588411), +INFO : (46, 594.1388587072491), +INFO : (47, 572.9281315308065), +INFO : (48, 564.0052795136347), +INFO : (49, 536.2945109955966), +INFO : (50, 537.0832321153953)], +INFO : 'val_accuracy': [(1, 0.25305), +INFO : (2, 0.365375), +INFO : (3, 0.43783), +INFO : (4, 0.47802), +INFO : (5, 0.509145), +INFO : (6, 0.536065), +INFO : (7, 0.554595), +INFO : (8, 0.57122), +INFO : (9, 0.583105), +INFO : (10, 0.594475), +INFO : (11, 0.604145), +INFO : (12, 0.61132), +INFO : (13, 0.616655), +INFO : (14, 0.624555), +INFO : (15, 0.62773), +INFO : (16, 0.632465), +INFO : (17, 0.63535), +INFO : (18, 0.64211), +INFO : (19, 0.6441), +INFO : (20, 0.64268), +INFO : (21, 0.64392), +INFO : (22, 0.64634), +INFO : (23, 0.64511), +INFO : (24, 0.649515), +INFO : (25, 0.648355), +INFO : (26, 0.64894), +INFO : (27, 0.648735), +INFO : (28, 0.64781), +INFO : (29, 0.64809), +INFO : (30, 0.64832), +INFO : (31, 0.64845), +INFO : (32, 0.64493), +INFO : (33, 0.647415), +INFO : (34, 0.645215), +INFO : (35, 0.64588), +INFO : (36, 0.644295), +INFO : (37, 0.643245), +INFO : (38, 0.640875), +INFO : (39, 0.639565), +INFO : (40, 0.637985), +INFO : (41, 0.635725), +INFO : (42, 0.636335), +INFO : (43, 0.635135), +INFO : (44, 0.632525), +INFO : (45, 0.63215), +INFO : (46, 0.63097), +INFO : (47, 0.63006), +INFO : (48, 0.62764), +INFO : (49, 0.628705), +INFO : (50, 0.62654)], +INFO : 'val_loss': [(1, 20582.56605538726), +INFO : (2, 17477.13720002584), +INFO : (3, 15383.015247436146), +INFO : (4, 14421.544871558448), +INFO : (5, 13646.078495852988), +INFO : (6, 12965.25336525557), +INFO : (7, 12450.102792858084), +INFO : (8, 12072.803864544963), +INFO : (9, 11784.806376354612), +INFO : (10, 11496.753663378511), +INFO : (11, 11264.971462485884), +INFO : (12, 11096.617607258911), +INFO : (13, 10955.642512360097), +INFO : (14, 10763.40580610981), +INFO : (15, 10720.031319993435), +INFO : (16, 10614.145310057735), +INFO : (17, 10580.424678118547), +INFO : (18, 10425.10656466576), +INFO : (19, 10394.04307369353), +INFO : (20, 10476.588649647063), +INFO : (21, 10464.271026134611), +INFO : (22, 10468.539364775315), +INFO : (23, 10582.938872313673), +INFO : (24, 10479.31429761311), +INFO : (25, 10587.797460516444), +INFO : (26, 10673.727523738175), +INFO : (27, 10724.066958816737), +INFO : (28, 10893.552699052505), +INFO : (29, 10986.249570512984), +INFO : (30, 11081.082291017132), +INFO : (31, 11193.907202202492), +INFO : (32, 11434.341647407775), +INFO : (33, 11500.125032234528), +INFO : (34, 11693.607270329905), +INFO : (35, 11813.085894242093), +INFO : (36, 12079.341054210352), +INFO : (37, 12289.639873631304), +INFO : (38, 12459.05757173258), +INFO : (39, 12759.084275155301), +INFO : (40, 12972.099238651925), +INFO : (41, 13302.154464759178), +INFO : (42, 13513.123322791205), +INFO : (43, 13756.587608931746), +INFO : (44, 14104.848898732416), +INFO : (45, 14327.304207094245), +INFO : (46, 14667.036035111645), +INFO : (47, 15041.01302075171), +INFO : (48, 15425.459510193426), +INFO : (49, 15604.129691390186), +INFO : (50, 16069.0716505363)]} +INFO : +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3099327) Files already downloaded and verified +(ClientAppActor pid=3099329) Files already downloaded and verified [repeated 4x across cluster] +(ClientAppActor pid=3099338) Files already downloaded and verified [repeated 27x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..8ab8a95338dd --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_20_C_0.2_NOISE_4_TRIAL.txt @@ -0,0 +1,3829 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105033) INFO : Starting training... +(ClientAppActor pid=3105022) INFO : Starting training... [repeated 16x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105028) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105029) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105028) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105026) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105030) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105024) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3105033) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105025) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105036) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105029) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105026) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105035) INFO : Starting training... +(ClientAppActor pid=3105027) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105031) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105032) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105031) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105025) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12463206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12525212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12587218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12649224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12711230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12773236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12835242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12897248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12959254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105027) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105035) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105025) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 13021260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13083266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13145272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13207278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13269284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13331290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13393296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13455302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13517308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13579314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13641320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13703326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13765332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13827338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13889344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 13951350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14013356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14075362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14137368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105027) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105026) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 14199374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14261380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14323386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14385392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14447398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14509404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14571410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14633416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14695422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14757428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14819434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14881440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 14943446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15005452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15067458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15129464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15191470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15253476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15315482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105032) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105036) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 15377488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15439494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15501500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15563506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15625512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15687518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15749524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15811530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15873536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15935542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 15997548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16059554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16121560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16183566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16245572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16307578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16369584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16431590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16493596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105036) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3105024) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 16555602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16617608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16679614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16741620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16803626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16865632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16927638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 16989644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17051650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17113656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17175662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17237668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17299674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17361680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17423686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17485692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17547698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17609704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17671710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105035) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 17733716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17795722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17857728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17919734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 17981740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18043746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18105752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18167758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18229764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18291770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18353776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18415782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18477788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18539794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18601800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18663806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18725812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18787818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18849824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105030) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105037) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 18911830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 18973836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19035842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19097848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19159854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19221860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19283866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19345872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19407878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19469884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19531890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19593896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19655902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19717908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19779914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19841920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19903926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 19965932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20027938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105035) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105024) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 20089944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20151950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20213956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20275962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20337968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20399974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20461980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20523986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20585992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20647998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20710004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20772010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20834016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20896022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 20958028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21020034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21082040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21144046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21206052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105032) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105026) INFO : Starting training... +(ClientAppActor pid=3105024) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 21268058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21330064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21392070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21454076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21516082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21578088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21640094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21702100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21764106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21826112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21888118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 21950124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22012130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22074136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22136142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22198148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22260154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22322160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22384166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105022) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 22446172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22508178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22570184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22632190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22694196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22756202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22818208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22880214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 22942220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23004226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23066232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23128238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23190244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23252250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23314256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23376262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23438268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23500274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23562280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3105030) INFO : Starting training... +(ClientAppActor pid=3105036) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 23624286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23686292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23748298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23810304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23872310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23934316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 23996322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24058328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24120334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24182340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24244346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24306352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24368358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24430364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24492370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24554376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24616382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24678388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24740394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105036) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105025) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 24802400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24864406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24926412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 24988418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25050424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25112430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25174436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25236442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25298448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25360454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25422460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25484466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25546472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25608478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25670484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25732490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25794496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25856502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 25918508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105024) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3105023) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 25980514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26042520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26104526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26166532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26228538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26290544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26352550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26414556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26476562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26538568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26600574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26662580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26724586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26786592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26848598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26910604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 26972610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27034616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27096622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105030) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 27158628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27220634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27282640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27344646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27406652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27468658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27530664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27592670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27654676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27716682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27778688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27840694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27902700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 27964706 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28026712 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28088718 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28150724 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28212730 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28274736 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105024) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 28336742 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28398748 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28460754 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28522760 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28584766 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28646772 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28708778 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28770784 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28832790 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28894796 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 28956802 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29018808 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29080814 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29142820 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29204826 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29266832 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29328838 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29390844 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29452850 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105029) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 29514856 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29576862 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29638868 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29700874 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29762880 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29824886 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29886892 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 29948898 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30010904 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30072910 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30134916 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30196922 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30258928 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30320934 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30382940 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30444946 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30506952 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30568958 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30630964 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105025) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105030) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105025) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 30692970 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30754976 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30816982 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30878988 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 30940994 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31003000 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31065006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31127012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31189018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31251024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31313030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31375036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31437042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31499048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31561054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31623060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31685066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31747072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31809078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105030) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3105032) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 31871084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31933090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 31995096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32057102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32119108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32181114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32243120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32305126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32367132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32429138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32491144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32553150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32615156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32677162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32739168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32801174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32863180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32925186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 32987192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105036) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105026) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 33049198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33111204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33173210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33235216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33297222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33359228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33421234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33483240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33545246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33607252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33669258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33731264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33793270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33855276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33917282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 33979288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34041294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34103300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34165306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105026) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105022) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 34227312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34289318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34351324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34413330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34475336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34537342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34599348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34661354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34723360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34785366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34847372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34909378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 34971384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35033390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35095396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35157402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35219408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35281414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35343420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105032) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105028) INFO : Starting training... +(ClientAppActor pid=3105034) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 35405426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35467432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35529438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35591444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35653450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35715456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35777462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35839468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35901474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 35963480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36025486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36087492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36149498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36211504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36273510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36335516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36397522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36459528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36521534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105025) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105028) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 36583540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36645546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36707552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36769558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36831564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36893570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 36955576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37017582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37079588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37141594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37203600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37265606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37327612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37389618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37451624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37513630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37575636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37637642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37699648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105023) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105036) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105030) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 37761654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37823660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37885666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 37947672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38009678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38071684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38133690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38195696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38257702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38319708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38381714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38443720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38505726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38567732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38629738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38691744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38753750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38815756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 38877762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105036) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105023) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 38939768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39001774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39063780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39125786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39187792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39249798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39311804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39373810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39435816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39497822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39559828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39621834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39683840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39745846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39807852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39869858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39931864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 39993870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40055876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105032) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105025) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 40117882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40179888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40241894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40303900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40365906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40427912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40489918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40551924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40613930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40675936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40737942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40799948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40861954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40923960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 40985966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41047972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41109978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41171984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41233990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105023) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105027) INFO : Starting training... +(ClientAppActor pid=3105028) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 41295996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41358002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41420008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41482014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41544020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41606026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41668032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41730038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41792044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41854050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41916056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 41978062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42040068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42102074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42164080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42226086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42288092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42350098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42412104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105027) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105023) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 42474110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42536116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42598122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42660128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42722134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42784140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42846146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42908152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 42970158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43032164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43094170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43156176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43218182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43280188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43342194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43404200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43466206 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43528212 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43590218 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3105022) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 43652224 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43714230 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43776236 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43838242 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43900248 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 43962254 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44024260 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44086266 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44148272 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44210278 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44272284 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44334290 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44396296 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44458302 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44520308 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44582314 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44644320 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44706326 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44768332 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105028) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105022) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 44830338 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44892344 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 44954350 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45016356 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45078362 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45140368 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45202374 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45264380 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45326386 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45388392 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45450398 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45512404 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45574410 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45636416 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45698422 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45760428 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45822434 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45884440 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 45946446 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105032) INFO : Starting training... [repeated 15x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 46008452 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46070458 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46132464 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46194470 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46256476 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46318482 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46380488 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46442494 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46504500 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46566506 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46628512 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46690518 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46752524 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46814530 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46876536 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 46938542 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47000548 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47062554 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47124560 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105037) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105035) INFO : Starting training... [repeated 2x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 47186566 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47248572 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47310578 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47372584 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47434590 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47496596 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47558602 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47620608 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47682614 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47744620 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47806626 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47868632 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47930638 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 47992644 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48054650 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48116656 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48178662 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48240668 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48302674 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105025) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105028) INFO : Starting training... +(ClientAppActor pid=3105027) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 48364680 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48426686 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48488692 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48550698 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48612704 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48674710 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48736716 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48798722 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48860728 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48922734 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 48984740 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49046746 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49108752 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49170758 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49232764 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49294770 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49356776 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49418782 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49480788 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105029) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105031) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 49542794 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49604800 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49666806 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49728812 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49790818 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49852824 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49914830 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 49976836 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50038842 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50100848 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50162854 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50224860 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50286866 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50348872 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50410878 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50472884 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50534890 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50596896 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50658902 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105035) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105023) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 50720908 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50782914 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50844920 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50906926 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 50968932 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51030938 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51092944 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51154950 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51216956 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51278962 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51340968 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51402974 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51464980 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51526986 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51588992 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51650998 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51713004 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51775010 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51837016 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105025) INFO : Starting training... [repeated 16x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 51899022 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 51961028 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52023034 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52085040 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52147046 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52209052 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52271058 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52333064 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52395070 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52457076 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52519082 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52581088 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52643094 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52705100 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52767106 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52829112 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52891118 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 52953124 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53015130 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 4x across cluster] +(ClientAppActor pid=3105025) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105037) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 53077136 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53139142 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53201148 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53263154 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53325160 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53387166 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53449172 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53511178 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53573184 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53635190 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53697196 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53759202 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53821208 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53883214 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 53945220 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54007226 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54069232 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54131238 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54193244 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105028) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 54255250 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54317256 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54379262 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54441268 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54503274 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54565280 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54627286 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54689292 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54751298 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54813304 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54875310 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54937316 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 54999322 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55061328 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55123334 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55185340 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55247346 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55309352 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55371358 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105022) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3105024) INFO : Starting training... +(ClientAppActor pid=3105037) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 55433364 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55495370 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55557376 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55619382 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55681388 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55743394 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55805400 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55867406 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55929412 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 55991418 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56053424 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56115430 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56177436 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56239442 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56301448 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56363454 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56425460 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56487466 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56549472 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... [repeated 2x across cluster] +(ClientAppActor pid=3105022) INFO : Starting training... [repeated 16x across cluster] +(ClientAppActor pid=3105035) INFO : Starting training... [repeated 3x across cluster] +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 56611478 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56673484 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56735490 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56797496 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56859502 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56921508 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 56983514 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57045520 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57107526 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57169532 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57231538 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57293544 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57355550 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57417556 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57479562 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57541568 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57603574 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57665580 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57727586 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 20 clients (out of 20) +(ClientAppActor pid=3105034) INFO : Starting training... +(ClientAppActor pid=3105025) INFO : Starting training... +(ClientAppActor pid=3105035) INFO : Starting training... [repeated 15x across cluster] +(ClientAppActor pid=3105031) INFO : Starting training... +(ClientAppActor pid=3105034) INFO : Starting training... +INFO : aggregate_fit: received 20 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 57789592 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57851598 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57913604 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 57975610 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58037616 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58099622 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58161628 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58223634 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58285640 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58347646 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58409652 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58471658 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58533664 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58595670 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58657676 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58719682 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58781688 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58843694 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 58905700 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 3097.48s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.304078), +INFO : (2, 0.40552), +INFO : (3, 0.456616), +INFO : (4, 0.49127), +INFO : (5, 0.523306), +INFO : (6, 0.547999), +INFO : (7, 0.56815), +INFO : (8, 0.588629), +INFO : (9, 0.603326), +INFO : (10, 0.615717), +INFO : (11, 0.630204), +INFO : (12, 0.640517), +INFO : (13, 0.654041), +INFO : (14, 0.66619), +INFO : (15, 0.67675), +INFO : (16, 0.683722), +INFO : (17, 0.691716), +INFO : (18, 0.698948), +INFO : (19, 0.710658), +INFO : (20, 0.716341), +INFO : (21, 0.725625), +INFO : (22, 0.731979), +INFO : (23, 0.740201), +INFO : (24, 0.746648), +INFO : (25, 0.754788), +INFO : (26, 0.760243), +INFO : (27, 0.767888), +INFO : (28, 0.771817), +INFO : (29, 0.78102), +INFO : (30, 0.783494), +INFO : (31, 0.790863), +INFO : (32, 0.798885), +INFO : (33, 0.80357), +INFO : (34, 0.80817), +INFO : (35, 0.812754), +INFO : (36, 0.816705), +INFO : (37, 0.824309), +INFO : (38, 0.825846), +INFO : (39, 0.832353), +INFO : (40, 0.836199), +INFO : (41, 0.840482), +INFO : (42, 0.844823), +INFO : (43, 0.848039), +INFO : (44, 0.853229), +INFO : (45, 0.856042), +INFO : (46, 0.860387), +INFO : (47, 0.862715), +INFO : (48, 0.866329), +INFO : (49, 0.870315), +INFO : (50, 0.872835)], +INFO : 'train_loss': [(1, 2997.8687828660013), +INFO : (2, 2546.4441972613336), +INFO : (3, 2336.9954947292804), +INFO : (4, 2199.188449990749), +INFO : (5, 2067.166495424509), +INFO : (6, 1971.129175928235), +INFO : (7, 1887.032112145424), +INFO : (8, 1804.922424903512), +INFO : (9, 1743.931643089652), +INFO : (10, 1693.4732034564017), +INFO : (11, 1635.174171896279), +INFO : (12, 1590.6027105733751), +INFO : (13, 1535.9429649740457), +INFO : (14, 1483.2083265468477), +INFO : (15, 1438.1891157761215), +INFO : (16, 1408.0066246643662), +INFO : (17, 1369.777591277659), +INFO : (18, 1339.7999507144093), +INFO : (19, 1290.5545335784554), +INFO : (20, 1262.951650479436), +INFO : (21, 1225.1516722977162), +INFO : (22, 1197.5767386317252), +INFO : (23, 1161.5598217010497), +INFO : (24, 1132.1113096155227), +INFO : (25, 1095.468009096384), +INFO : (26, 1070.2211229100824), +INFO : (27, 1041.0149668104946), +INFO : (28, 1016.978884536773), +INFO : (29, 982.5812237970531), +INFO : (30, 967.2789493449033), +INFO : (31, 937.3068946361542), +INFO : (32, 903.412608872354), +INFO : (33, 881.4044580087066), +INFO : (34, 860.2312437936664), +INFO : (35, 837.9236029490828), +INFO : (36, 818.6517826475203), +INFO : (37, 790.7003621827811), +INFO : (38, 777.538245285675), +INFO : (39, 750.6149501800537), +INFO : (40, 730.3061451375485), +INFO : (41, 713.7376929141581), +INFO : (42, 692.8736855901777), +INFO : (43, 675.912694364041), +INFO : (44, 653.3997650511562), +INFO : (45, 640.2650183200836), +INFO : (46, 620.3057386502624), +INFO : (47, 606.4344143385068), +INFO : (48, 590.4605628248304), +INFO : (49, 572.9197826463729), +INFO : (50, 559.2173343608155)], +INFO : 'val_accuracy': [(1, 0.307645), +INFO : (2, 0.408825), +INFO : (3, 0.455425), +INFO : (4, 0.48588), +INFO : (5, 0.514025), +INFO : (6, 0.535965), +INFO : (7, 0.554965), +INFO : (8, 0.572405), +INFO : (9, 0.582935), +INFO : (10, 0.590405), +INFO : (11, 0.601075), +INFO : (12, 0.60631), +INFO : (13, 0.61515), +INFO : (14, 0.62178), +INFO : (15, 0.62769), +INFO : (16, 0.630285), +INFO : (17, 0.63307), +INFO : (18, 0.6344), +INFO : (19, 0.63933), +INFO : (20, 0.63999), +INFO : (21, 0.641515), +INFO : (22, 0.640385), +INFO : (23, 0.64196), +INFO : (24, 0.64271), +INFO : (25, 0.643955), +INFO : (26, 0.64247), +INFO : (27, 0.6414), +INFO : (28, 0.63963), +INFO : (29, 0.64124), +INFO : (30, 0.63989), +INFO : (31, 0.639), +INFO : (32, 0.63903), +INFO : (33, 0.638825), +INFO : (34, 0.636255), +INFO : (35, 0.636825), +INFO : (36, 0.633885), +INFO : (37, 0.634565), +INFO : (38, 0.631505), +INFO : (39, 0.63191), +INFO : (40, 0.63103), +INFO : (41, 0.628365), +INFO : (42, 0.628065), +INFO : (43, 0.62702), +INFO : (44, 0.62724), +INFO : (45, 0.623905), +INFO : (46, 0.624365), +INFO : (47, 0.623015), +INFO : (48, 0.62039), +INFO : (49, 0.621015), +INFO : (50, 0.61874)], +INFO : 'val_loss': [(1, 19113.766325600445), +INFO : (2, 16236.029607690309), +INFO : (3, 14994.659156152886), +INFO : (4, 14225.84338557576), +INFO : (5, 13477.739230097253), +INFO : (6, 12951.96462238895), +INFO : (7, 12491.219213934402), +INFO : (8, 12056.598542449505), +INFO : (9, 11764.174176275597), +INFO : (10, 11566.419728874083), +INFO : (11, 11326.8573704526), +INFO : (12, 11185.030038349187), +INFO : (13, 10980.822816999938), +INFO : (14, 10815.365602459491), +INFO : (15, 10675.96183030989), +INFO : (16, 10646.40459650163), +INFO : (17, 10596.201109052938), +INFO : (18, 10589.850974008614), +INFO : (19, 10498.204045715473), +INFO : (20, 10547.604303208194), +INFO : (21, 10533.078326211285), +INFO : (22, 10588.03912921153), +INFO : (23, 10581.217867126657), +INFO : (24, 10627.590259600027), +INFO : (25, 10655.0690004809), +INFO : (26, 10784.120994712268), +INFO : (27, 10832.975248655286), +INFO : (28, 10972.584297665426), +INFO : (29, 10967.455465651456), +INFO : (30, 11208.791644622419), +INFO : (31, 11291.740431504797), +INFO : (32, 11353.22378743071), +INFO : (33, 11523.13370091764), +INFO : (34, 11755.807855368086), +INFO : (35, 11929.875737021397), +INFO : (36, 12111.691078202528), +INFO : (37, 12230.09670297199), +INFO : (38, 12502.175854352374), +INFO : (39, 12641.929098428149), +INFO : (40, 12950.03834610864), +INFO : (41, 13099.622428706198), +INFO : (42, 13359.48248228814), +INFO : (43, 13655.53216384729), +INFO : (44, 13863.37194994945), +INFO : (45, 14186.072801723336), +INFO : (46, 14422.272759506472), +INFO : (47, 14902.418511594096), +INFO : (48, 15111.830340306786), +INFO : (49, 15453.064056940711), +INFO : (50, 15759.541484889662)]} +INFO : +(ClientAppActor pid=3105027) INFO : Starting training... +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3105022) Files already downloaded and verified +(ClientAppActor pid=3105031) Files already downloaded and verified [repeated 31x across cluster] diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..2f81c7766f19 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_0_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109665) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109675) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109665) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109674) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109665) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109674) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109675) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109674) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109675) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109674) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109675) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109670) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109675) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109670) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109674) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109665) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109674) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109670) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109665) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109670) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109665) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109674) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109670) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109664) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109674) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109670) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109665) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109675) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109670) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109675) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109670) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109663) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109675) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109670) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109667) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3109675) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1199.43s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.28408), +INFO : (2, 0.39794), +INFO : (3, 0.452476), +INFO : (4, 0.48084), +INFO : (5, 0.51034), +INFO : (6, 0.536784), +INFO : (7, 0.563612), +INFO : (8, 0.59118), +INFO : (9, 0.59748), +INFO : (10, 0.61304), +INFO : (11, 0.63112), +INFO : (12, 0.639324), +INFO : (13, 0.652672), +INFO : (14, 0.670528), +INFO : (15, 0.675844), +INFO : (16, 0.68892), +INFO : (17, 0.697092), +INFO : (18, 0.709168), +INFO : (19, 0.720188), +INFO : (20, 0.722728), +INFO : (21, 0.735304), +INFO : (22, 0.745964), +INFO : (23, 0.749196), +INFO : (24, 0.754172), +INFO : (25, 0.763112), +INFO : (26, 0.774024), +INFO : (27, 0.780796), +INFO : (28, 0.787224), +INFO : (29, 0.786156), +INFO : (30, 0.799328), +INFO : (31, 0.802504), +INFO : (32, 0.806528), +INFO : (33, 0.813088), +INFO : (34, 0.81406), +INFO : (35, 0.814816), +INFO : (36, 0.83084), +INFO : (37, 0.831948), +INFO : (38, 0.83394), +INFO : (39, 0.8402), +INFO : (40, 0.846352), +INFO : (41, 0.840104), +INFO : (42, 0.857308), +INFO : (43, 0.860556), +INFO : (44, 0.864244), +INFO : (45, 0.871676), +INFO : (46, 0.870804), +INFO : (47, 0.873508), +INFO : (48, 0.877908), +INFO : (49, 0.878488), +INFO : (50, 0.887408)], +INFO : 'train_loss': [(1, 3055.6964517831802), +INFO : (2, 2549.8229665756226), +INFO : (3, 2350.271420454979), +INFO : (4, 2226.615700793266), +INFO : (5, 2119.7479034900666), +INFO : (6, 2010.7911618351936), +INFO : (7, 1915.317958021164), +INFO : (8, 1807.5635130524636), +INFO : (9, 1771.050341308117), +INFO : (10, 1713.1103884339332), +INFO : (11, 1634.5379770219326), +INFO : (12, 1593.689302456379), +INFO : (13, 1539.3751308202743), +INFO : (14, 1463.0206593453884), +INFO : (15, 1437.338756465912), +INFO : (16, 1383.4217372953892), +INFO : (17, 1353.3082532703877), +INFO : (18, 1291.3694983541966), +INFO : (19, 1244.0763312101365), +INFO : (20, 1229.0988537371159), +INFO : (21, 1180.1001175791025), +INFO : (22, 1132.5651968538762), +INFO : (23, 1112.2810260117053), +INFO : (24, 1094.8353086262941), +INFO : (25, 1054.8589070081712), +INFO : (26, 1011.1098297536373), +INFO : (27, 977.4246767163277), +INFO : (28, 950.8679897785187), +INFO : (29, 953.1781924068928), +INFO : (30, 894.6984484821558), +INFO : (31, 875.899169561267), +INFO : (32, 856.8302463561297), +INFO : (33, 830.0394863113761), +INFO : (34, 822.5377030223608), +INFO : (35, 819.6203128412366), +INFO : (36, 749.9138316497207), +INFO : (37, 742.691560779512), +INFO : (38, 729.5863671377301), +INFO : (39, 700.7919656455517), +INFO : (40, 678.2275965094566), +INFO : (41, 705.0955106996), +INFO : (42, 632.3861605778336), +INFO : (43, 615.41353392303), +INFO : (44, 598.8097243696451), +INFO : (45, 567.622282589972), +INFO : (46, 565.6667905852198), +INFO : (47, 556.8430960997939), +INFO : (48, 535.8209362253547), +INFO : (49, 530.63193301633), +INFO : (50, 494.8724203929305)], +INFO : 'val_accuracy': [(1, 0.28962), +INFO : (2, 0.40136), +INFO : (3, 0.45306), +INFO : (4, 0.48352), +INFO : (5, 0.50252), +INFO : (6, 0.52378), +INFO : (7, 0.54836), +INFO : (8, 0.56976), +INFO : (9, 0.57406), +INFO : (10, 0.5827), +INFO : (11, 0.5977), +INFO : (12, 0.60092), +INFO : (13, 0.60874), +INFO : (14, 0.6208), +INFO : (15, 0.6217), +INFO : (16, 0.62916), +INFO : (17, 0.63458), +INFO : (18, 0.63798), +INFO : (19, 0.64486), +INFO : (20, 0.64448), +INFO : (21, 0.64754), +INFO : (22, 0.651), +INFO : (23, 0.65062), +INFO : (24, 0.64988), +INFO : (25, 0.6525), +INFO : (26, 0.65334), +INFO : (27, 0.65568), +INFO : (28, 0.65252), +INFO : (29, 0.65088), +INFO : (30, 0.65378), +INFO : (31, 0.65218), +INFO : (32, 0.65018), +INFO : (33, 0.65002), +INFO : (34, 0.6434), +INFO : (35, 0.6414), +INFO : (36, 0.64704), +INFO : (37, 0.64636), +INFO : (38, 0.64276), +INFO : (39, 0.64378), +INFO : (40, 0.64368), +INFO : (41, 0.63758), +INFO : (42, 0.6398), +INFO : (43, 0.637), +INFO : (44, 0.63934), +INFO : (45, 0.63986), +INFO : (46, 0.6379), +INFO : (47, 0.63452), +INFO : (48, 0.63258), +INFO : (49, 0.63366), +INFO : (50, 0.63482)], +INFO : 'val_loss': [(1, 19473.487597513198), +INFO : (2, 16245.998173865677), +INFO : (3, 15024.733578583971), +INFO : (4, 14278.632574409246), +INFO : (5, 13716.364497437213), +INFO : (6, 13160.678942454688), +INFO : (7, 12665.980631417076), +INFO : (8, 12144.250638653306), +INFO : (9, 12053.426089785515), +INFO : (10, 11808.314169153005), +INFO : (11, 11436.003187134716), +INFO : (12, 11332.283598697899), +INFO : (13, 11142.502555113968), +INFO : (14, 10766.59966865091), +INFO : (15, 10775.438860073678), +INFO : (16, 10625.595257183708), +INFO : (17, 10589.793071970733), +INFO : (18, 10417.450927727012), +INFO : (19, 10300.889508427696), +INFO : (20, 10396.85222845261), +INFO : (21, 10314.429149410682), +INFO : (22, 10265.939159828504), +INFO : (23, 10371.096344684343), +INFO : (24, 10476.921830288005), +INFO : (25, 10403.849000158778), +INFO : (26, 10459.454646547814), +INFO : (27, 10550.826903094556), +INFO : (28, 10648.774374498333), +INFO : (29, 10922.948465114367), +INFO : (30, 10945.681160848075), +INFO : (31, 11120.561360159634), +INFO : (32, 11319.206319482853), +INFO : (33, 11440.15371692733), +INFO : (34, 11739.095317826597), +INFO : (35, 11999.304016718643), +INFO : (36, 12006.658993619376), +INFO : (37, 12362.045044187445), +INFO : (38, 12621.893885041738), +INFO : (39, 12793.216494524153), +INFO : (40, 12909.398189647527), +INFO : (41, 13393.544100607936), +INFO : (42, 13444.627106883168), +INFO : (43, 13841.292782068684), +INFO : (44, 13926.944084981138), +INFO : (45, 14311.489106813873), +INFO : (46, 14685.839386211355), +INFO : (47, 14981.496528771435), +INFO : (48, 15174.970849303558), +INFO : (49, 15618.569755261746), +INFO : (50, 16141.731466579995)]} +INFO : +(ClientAppActor pid=3109669) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3109664) Files already downloaded and verified +(ClientAppActor pid=3109668) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3109676) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3109677) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3109677) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..2e8e0a3a3f98 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_1_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113439) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113434) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113433) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113430) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113440) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113430) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113429) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113429) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113433) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113433) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113430) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113430) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113431) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113430) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113430) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113430) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113428) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113430) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3113427) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1188.81s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.284048), +INFO : (2, 0.394796), +INFO : (3, 0.45548), +INFO : (4, 0.506692), +INFO : (5, 0.53806), +INFO : (6, 0.564036), +INFO : (7, 0.57642), +INFO : (8, 0.594632), +INFO : (9, 0.618572), +INFO : (10, 0.633772), +INFO : (11, 0.649404), +INFO : (12, 0.658988), +INFO : (13, 0.676804), +INFO : (14, 0.683144), +INFO : (15, 0.696672), +INFO : (16, 0.702784), +INFO : (17, 0.71592), +INFO : (18, 0.724492), +INFO : (19, 0.733816), +INFO : (20, 0.738904), +INFO : (21, 0.741312), +INFO : (22, 0.744), +INFO : (23, 0.753444), +INFO : (24, 0.767348), +INFO : (25, 0.76672), +INFO : (26, 0.776552), +INFO : (27, 0.782668), +INFO : (28, 0.778248), +INFO : (29, 0.792284), +INFO : (30, 0.794036), +INFO : (31, 0.800508), +INFO : (32, 0.813728), +INFO : (33, 0.816436), +INFO : (34, 0.815464), +INFO : (35, 0.8216), +INFO : (36, 0.828944), +INFO : (37, 0.833168), +INFO : (38, 0.836484), +INFO : (39, 0.84154), +INFO : (40, 0.850192), +INFO : (41, 0.849876), +INFO : (42, 0.85962), +INFO : (43, 0.860356), +INFO : (44, 0.861772), +INFO : (45, 0.866284), +INFO : (46, 0.871136), +INFO : (47, 0.862812), +INFO : (48, 0.876376), +INFO : (49, 0.877892), +INFO : (50, 0.881352)], +INFO : 'train_loss': [(1, 3065.641045999527), +INFO : (2, 2579.5481715917585), +INFO : (3, 2330.9590043544767), +INFO : (4, 2139.8620627880096), +INFO : (5, 2013.0158089160918), +INFO : (6, 1907.0217638373374), +INFO : (7, 1844.6770995020865), +INFO : (8, 1779.1388331532478), +INFO : (9, 1681.3204120993614), +INFO : (10, 1619.9005380153656), +INFO : (11, 1550.73806078434), +INFO : (12, 1508.4799773395061), +INFO : (13, 1439.8684036552906), +INFO : (14, 1406.7125930547713), +INFO : (15, 1344.8334863066673), +INFO : (16, 1322.5662722229958), +INFO : (17, 1264.6852634489537), +INFO : (18, 1234.3872211217881), +INFO : (19, 1188.0574907839298), +INFO : (20, 1162.9357052326202), +INFO : (21, 1146.814157524705), +INFO : (22, 1135.5396842688322), +INFO : (23, 1094.3671331733465), +INFO : (24, 1036.9414554417133), +INFO : (25, 1034.0510323137046), +INFO : (26, 993.6538677155971), +INFO : (27, 968.2364891767502), +INFO : (28, 981.5001388847828), +INFO : (29, 926.6144816964865), +INFO : (30, 912.3799733638764), +INFO : (31, 885.4826676934957), +INFO : (32, 836.8690237820149), +INFO : (33, 824.5140023157), +INFO : (34, 819.0648620247841), +INFO : (35, 796.1431657671928), +INFO : (36, 762.6740802943707), +INFO : (37, 749.0314376980066), +INFO : (38, 727.9464732244611), +INFO : (39, 704.5081813558936), +INFO : (40, 674.5291906610131), +INFO : (41, 669.6930156514048), +INFO : (42, 631.073347119987), +INFO : (43, 621.6438714273274), +INFO : (44, 615.6574344716967), +INFO : (45, 591.9087201893329), +INFO : (46, 576.7211167983711), +INFO : (47, 599.6676516279579), +INFO : (48, 547.7243996467441), +INFO : (49, 541.6838072009384), +INFO : (50, 524.4661318972707)], +INFO : 'val_accuracy': [(1, 0.28748), +INFO : (2, 0.39656), +INFO : (3, 0.45326), +INFO : (4, 0.50102), +INFO : (5, 0.53144), +INFO : (6, 0.55158), +INFO : (7, 0.56438), +INFO : (8, 0.57958), +INFO : (9, 0.59762), +INFO : (10, 0.60706), +INFO : (11, 0.62054), +INFO : (12, 0.62352), +INFO : (13, 0.6357), +INFO : (14, 0.63738), +INFO : (15, 0.64382), +INFO : (16, 0.64734), +INFO : (17, 0.65378), +INFO : (18, 0.65718), +INFO : (19, 0.6611), +INFO : (20, 0.66046), +INFO : (21, 0.65808), +INFO : (22, 0.65718), +INFO : (23, 0.66044), +INFO : (24, 0.6664), +INFO : (25, 0.66094), +INFO : (26, 0.66578), +INFO : (27, 0.66438), +INFO : (28, 0.65948), +INFO : (29, 0.66088), +INFO : (30, 0.66004), +INFO : (31, 0.66262), +INFO : (32, 0.6661), +INFO : (33, 0.6623), +INFO : (34, 0.65764), +INFO : (35, 0.65828), +INFO : (36, 0.65874), +INFO : (37, 0.65672), +INFO : (38, 0.65524), +INFO : (39, 0.65756), +INFO : (40, 0.65924), +INFO : (41, 0.65602), +INFO : (42, 0.65722), +INFO : (43, 0.65238), +INFO : (44, 0.65076), +INFO : (45, 0.65276), +INFO : (46, 0.65168), +INFO : (47, 0.6436), +INFO : (48, 0.64846), +INFO : (49, 0.6455), +INFO : (50, 0.64698)], +INFO : 'val_loss': [(1, 19551.224419136346), +INFO : (2, 16458.71923616156), +INFO : (3, 14882.69855080582), +INFO : (4, 13734.549172818894), +INFO : (5, 13025.877566178702), +INFO : (6, 12441.814278718342), +INFO : (7, 12141.799943340733), +INFO : (8, 11808.461387091173), +INFO : (9, 11334.95940780631), +INFO : (10, 11066.531786425432), +INFO : (11, 10764.278934151742), +INFO : (12, 10648.835780540085), +INFO : (13, 10361.357078213832), +INFO : (14, 10293.48310945567), +INFO : (15, 10103.794612296906), +INFO : (16, 10102.871766342612), +INFO : (17, 9914.230660655785), +INFO : (18, 9877.539317129049), +INFO : (19, 9791.139955882114), +INFO : (20, 9851.383443743036), +INFO : (21, 9975.906167081796), +INFO : (22, 10060.872649518982), +INFO : (23, 9957.299162301213), +INFO : (24, 9855.004499041612), +INFO : (25, 10044.177305155825), +INFO : (26, 10096.214735374539), +INFO : (27, 10153.331388546669), +INFO : (28, 10400.534624846396), +INFO : (29, 10295.377341558162), +INFO : (30, 10574.123857954586), +INFO : (31, 10573.849352376972), +INFO : (32, 10483.86331190897), +INFO : (33, 10758.861825949167), +INFO : (34, 10963.616921095749), +INFO : (35, 11178.077135002277), +INFO : (36, 11273.437318470997), +INFO : (37, 11495.511458132782), +INFO : (38, 11711.511812791123), +INFO : (39, 11845.884321813635), +INFO : (40, 11936.808369700391), +INFO : (41, 12325.416325721015), +INFO : (42, 12375.740035773693), +INFO : (43, 12705.90199713625), +INFO : (44, 13028.204766778033), +INFO : (45, 13216.51692386992), +INFO : (46, 13443.592568155816), +INFO : (47, 13964.796506654227), +INFO : (48, 14145.538432145859), +INFO : (49, 14486.732044488406), +INFO : (50, 14616.284344253916)]} +INFO : +(ClientAppActor pid=3113441) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3113427) Files already downloaded and verified +(ClientAppActor pid=3113432) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3113439) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3113441) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3113441) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..5ce057ae8408 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_2_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117140) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117148) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117142) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117138) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117148) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117142) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117142) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117148) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117152) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117151) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117151) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117151) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117148) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117142) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117142) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117142) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61994 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117142) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117142) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117148) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117142) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117149) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117148) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117142) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117144) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3117143) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1206.60s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.289328), +INFO : (2, 0.387264), +INFO : (3, 0.455568), +INFO : (4, 0.49066), +INFO : (5, 0.529868), +INFO : (6, 0.5584), +INFO : (7, 0.580836), +INFO : (8, 0.603388), +INFO : (9, 0.62204), +INFO : (10, 0.637412), +INFO : (11, 0.647768), +INFO : (12, 0.658828), +INFO : (13, 0.670756), +INFO : (14, 0.684636), +INFO : (15, 0.696512), +INFO : (16, 0.703856), +INFO : (17, 0.708508), +INFO : (18, 0.720836), +INFO : (19, 0.729184), +INFO : (20, 0.737032), +INFO : (21, 0.738664), +INFO : (22, 0.746432), +INFO : (23, 0.755276), +INFO : (24, 0.764044), +INFO : (25, 0.768832), +INFO : (26, 0.77752), +INFO : (27, 0.777116), +INFO : (28, 0.786084), +INFO : (29, 0.794324), +INFO : (30, 0.797264), +INFO : (31, 0.810164), +INFO : (32, 0.816504), +INFO : (33, 0.815508), +INFO : (34, 0.819844), +INFO : (35, 0.819672), +INFO : (36, 0.827168), +INFO : (37, 0.832124), +INFO : (38, 0.841176), +INFO : (39, 0.846692), +INFO : (40, 0.849136), +INFO : (41, 0.853604), +INFO : (42, 0.855832), +INFO : (43, 0.8574), +INFO : (44, 0.854088), +INFO : (45, 0.861452), +INFO : (46, 0.87234), +INFO : (47, 0.8687), +INFO : (48, 0.8808), +INFO : (49, 0.870896), +INFO : (50, 0.886668)], +INFO : 'train_loss': [(1, 3062.2379282712936), +INFO : (2, 2625.336769533157), +INFO : (3, 2341.735158610344), +INFO : (4, 2214.9973546385763), +INFO : (5, 2058.441646826267), +INFO : (6, 1942.2211594820023), +INFO : (7, 1841.0615464031696), +INFO : (8, 1746.4941762804986), +INFO : (9, 1669.0672487080096), +INFO : (10, 1603.285689818859), +INFO : (11, 1566.3848541438579), +INFO : (12, 1514.665673595667), +INFO : (13, 1467.1504525899886), +INFO : (14, 1405.1275318205358), +INFO : (15, 1353.6911357343197), +INFO : (16, 1325.9042746245862), +INFO : (17, 1304.6091909468173), +INFO : (18, 1246.0753490626812), +INFO : (19, 1215.8945584475994), +INFO : (20, 1185.8179888486861), +INFO : (21, 1169.4696754187346), +INFO : (22, 1133.1791735589504), +INFO : (23, 1100.4303393483162), +INFO : (24, 1062.522472524643), +INFO : (25, 1035.0941154837608), +INFO : (26, 999.2703005790711), +INFO : (27, 996.0061807841063), +INFO : (28, 959.6699510008096), +INFO : (29, 924.2228997141123), +INFO : (30, 908.5692329227925), +INFO : (31, 858.0493083655834), +INFO : (32, 837.7759462475776), +INFO : (33, 828.7460717439651), +INFO : (34, 810.8647224575282), +INFO : (35, 805.7571773707866), +INFO : (36, 773.9849857971072), +INFO : (37, 747.8336852103472), +INFO : (38, 713.0598114669323), +INFO : (39, 687.9437166780233), +INFO : (40, 675.6412587404251), +INFO : (41, 651.6551798865199), +INFO : (42, 642.4129340201616), +INFO : (43, 631.5562626034022), +INFO : (44, 641.0932661928236), +INFO : (45, 605.2874783590436), +INFO : (46, 564.99196491912), +INFO : (47, 572.9472080692649), +INFO : (48, 529.6025233648718), +INFO : (49, 557.4804989472032), +INFO : (50, 497.166383548826)], +INFO : 'val_accuracy': [(1, 0.2893), +INFO : (2, 0.38328), +INFO : (3, 0.45198), +INFO : (4, 0.48144), +INFO : (5, 0.51998), +INFO : (6, 0.55054), +INFO : (7, 0.567), +INFO : (8, 0.58444), +INFO : (9, 0.60092), +INFO : (10, 0.61202), +INFO : (11, 0.61626), +INFO : (12, 0.62352), +INFO : (13, 0.63036), +INFO : (14, 0.63638), +INFO : (15, 0.64418), +INFO : (16, 0.64684), +INFO : (17, 0.64688), +INFO : (18, 0.65244), +INFO : (19, 0.65668), +INFO : (20, 0.6558), +INFO : (21, 0.65784), +INFO : (22, 0.65678), +INFO : (23, 0.66088), +INFO : (24, 0.66154), +INFO : (25, 0.66336), +INFO : (26, 0.66538), +INFO : (27, 0.66228), +INFO : (28, 0.66222), +INFO : (29, 0.66362), +INFO : (30, 0.66292), +INFO : (31, 0.66628), +INFO : (32, 0.66388), +INFO : (33, 0.6612), +INFO : (34, 0.66176), +INFO : (35, 0.65502), +INFO : (36, 0.65716), +INFO : (37, 0.65696), +INFO : (38, 0.65892), +INFO : (39, 0.65998), +INFO : (40, 0.65554), +INFO : (41, 0.6545), +INFO : (42, 0.65296), +INFO : (43, 0.65038), +INFO : (44, 0.64798), +INFO : (45, 0.64544), +INFO : (46, 0.6495), +INFO : (47, 0.6462), +INFO : (48, 0.64676), +INFO : (49, 0.64098), +INFO : (50, 0.64316)], +INFO : 'val_loss': [(1, 19590.434993624687), +INFO : (2, 16768.816750597955), +INFO : (3, 15013.81073485203), +INFO : (4, 14301.623363072054), +INFO : (5, 13371.398010211391), +INFO : (6, 12703.687851170624), +INFO : (7, 12188.002719199825), +INFO : (8, 11703.296051221545), +INFO : (9, 11324.644758726501), +INFO : (10, 10996.14473436468), +INFO : (11, 10891.985829548463), +INFO : (12, 10719.755164146763), +INFO : (13, 10554.828435406997), +INFO : (14, 10362.759370289317), +INFO : (15, 10209.346213532868), +INFO : (16, 10192.04121830596), +INFO : (17, 10235.157059996205), +INFO : (18, 10096.349583933836), +INFO : (19, 10050.596328970725), +INFO : (20, 10054.687672070362), +INFO : (21, 10188.103188655095), +INFO : (22, 10175.458542632015), +INFO : (23, 10157.273648674767), +INFO : (24, 10075.771317949007), +INFO : (25, 10213.099486168187), +INFO : (26, 10147.704034054426), +INFO : (27, 10348.550749263937), +INFO : (28, 10472.31926931127), +INFO : (29, 10483.732559749455), +INFO : (30, 10610.77740407104), +INFO : (31, 10606.740658051835), +INFO : (32, 10680.993675522906), +INFO : (33, 11031.654702196594), +INFO : (34, 11210.537836607213), +INFO : (35, 11425.577415505846), +INFO : (36, 11575.39234943013), +INFO : (37, 11735.2720620294), +INFO : (38, 11810.948667613231), +INFO : (39, 12060.064428137995), +INFO : (40, 12269.489112251007), +INFO : (41, 12481.252471578198), +INFO : (42, 12653.084145806026), +INFO : (43, 13061.92586915479), +INFO : (44, 13503.826775637748), +INFO : (45, 13731.066078816093), +INFO : (46, 13873.746191282664), +INFO : (47, 14226.960071195263), +INFO : (48, 14449.824781301624), +INFO : (49, 15104.355597075795), +INFO : (50, 15136.520204859924)]} +INFO : +(ClientAppActor pid=3117139) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3117141) Files already downloaded and verified +(ClientAppActor pid=3117145) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3117152) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3117153) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3117153) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..24d561fc08e0 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_3_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120857) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120844) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120844) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120847) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120847) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120847) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120859) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120859) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120859) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120838) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120838) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120859) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120839) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120838) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120859) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120842) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120859) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3120846) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1211.28s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.260592), +INFO : (2, 0.368956), +INFO : (3, 0.43356), +INFO : (4, 0.476032), +INFO : (5, 0.514384), +INFO : (6, 0.534772), +INFO : (7, 0.556444), +INFO : (8, 0.577648), +INFO : (9, 0.591076), +INFO : (10, 0.611332), +INFO : (11, 0.626996), +INFO : (12, 0.638396), +INFO : (13, 0.653292), +INFO : (14, 0.660568), +INFO : (15, 0.66748), +INFO : (16, 0.681284), +INFO : (17, 0.685264), +INFO : (18, 0.695568), +INFO : (19, 0.700428), +INFO : (20, 0.711984), +INFO : (21, 0.722424), +INFO : (22, 0.72578), +INFO : (23, 0.737276), +INFO : (24, 0.738644), +INFO : (25, 0.749356), +INFO : (26, 0.755628), +INFO : (27, 0.764964), +INFO : (28, 0.771092), +INFO : (29, 0.770568), +INFO : (30, 0.78128), +INFO : (31, 0.786736), +INFO : (32, 0.794564), +INFO : (33, 0.799236), +INFO : (34, 0.802852), +INFO : (35, 0.810184), +INFO : (36, 0.811596), +INFO : (37, 0.82098), +INFO : (38, 0.828396), +INFO : (39, 0.830468), +INFO : (40, 0.837656), +INFO : (41, 0.842876), +INFO : (42, 0.846388), +INFO : (43, 0.852116), +INFO : (44, 0.85282), +INFO : (45, 0.852048), +INFO : (46, 0.86192), +INFO : (47, 0.865536), +INFO : (48, 0.867272), +INFO : (49, 0.867656), +INFO : (50, 0.872492)], +INFO : 'train_loss': [(1, 3192.6974390268324), +INFO : (2, 2716.2516786813735), +INFO : (3, 2430.4997725009916), +INFO : (4, 2261.489087367058), +INFO : (5, 2116.5713829874994), +INFO : (6, 2028.9330880641937), +INFO : (7, 1943.345199429989), +INFO : (8, 1859.1138629198074), +INFO : (9, 1797.2250844240189), +INFO : (10, 1714.6985178351401), +INFO : (11, 1657.2247105419635), +INFO : (12, 1604.4889743208885), +INFO : (13, 1545.489901971817), +INFO : (14, 1510.3725565612317), +INFO : (15, 1474.6876023352147), +INFO : (16, 1421.5352695405484), +INFO : (17, 1402.0917677164077), +INFO : (18, 1354.2305124878883), +INFO : (19, 1329.4642399132251), +INFO : (20, 1280.2301194787026), +INFO : (21, 1239.0710171818732), +INFO : (22, 1219.688675302267), +INFO : (23, 1171.6646785199641), +INFO : (24, 1162.8686524391173), +INFO : (25, 1113.5467537343502), +INFO : (26, 1082.2874142199755), +INFO : (27, 1048.609863704443), +INFO : (28, 1022.2034361213446), +INFO : (29, 1020.6473824441433), +INFO : (30, 972.8139152020216), +INFO : (31, 948.2999746590853), +INFO : (32, 915.6372860103845), +INFO : (33, 892.4203630149365), +INFO : (34, 878.9966944217682), +INFO : (35, 844.0492499798536), +INFO : (36, 833.5075995877385), +INFO : (37, 796.7370507717133), +INFO : (38, 765.1383939772844), +INFO : (39, 753.6317778199912), +INFO : (40, 723.8977967604994), +INFO : (41, 699.6506886154414), +INFO : (42, 681.0365409731864), +INFO : (43, 655.9761741220951), +INFO : (44, 648.5100088477135), +INFO : (45, 647.3868779659272), +INFO : (46, 611.8856713324785), +INFO : (47, 591.131050363183), +INFO : (48, 584.7522847928107), +INFO : (49, 579.1781042382121), +INFO : (50, 558.3781429767608)], +INFO : 'val_accuracy': [(1, 0.26336), +INFO : (2, 0.37444), +INFO : (3, 0.43428), +INFO : (4, 0.47136), +INFO : (5, 0.50816), +INFO : (6, 0.521), +INFO : (7, 0.5439), +INFO : (8, 0.56038), +INFO : (9, 0.56852), +INFO : (10, 0.58748), +INFO : (11, 0.59504), +INFO : (12, 0.60374), +INFO : (13, 0.61188), +INFO : (14, 0.61424), +INFO : (15, 0.61938), +INFO : (16, 0.62342), +INFO : (17, 0.62648), +INFO : (18, 0.62894), +INFO : (19, 0.6296), +INFO : (20, 0.636), +INFO : (21, 0.63986), +INFO : (22, 0.63922), +INFO : (23, 0.64066), +INFO : (24, 0.63816), +INFO : (25, 0.6418), +INFO : (26, 0.64208), +INFO : (27, 0.6436), +INFO : (28, 0.64548), +INFO : (29, 0.64088), +INFO : (30, 0.6449), +INFO : (31, 0.64222), +INFO : (32, 0.64372), +INFO : (33, 0.6441), +INFO : (34, 0.64076), +INFO : (35, 0.64032), +INFO : (36, 0.64044), +INFO : (37, 0.64114), +INFO : (38, 0.64052), +INFO : (39, 0.63804), +INFO : (40, 0.63882), +INFO : (41, 0.63866), +INFO : (42, 0.63466), +INFO : (43, 0.63396), +INFO : (44, 0.63474), +INFO : (45, 0.62972), +INFO : (46, 0.63416), +INFO : (47, 0.62896), +INFO : (48, 0.6279), +INFO : (49, 0.62724), +INFO : (50, 0.62038)], +INFO : 'val_loss': [(1, 20385.844932863114), +INFO : (2, 17319.92733219862), +INFO : (3, 15556.337571271137), +INFO : (4, 14577.273866371625), +INFO : (5, 13727.704890539218), +INFO : (6, 13254.138674107764), +INFO : (7, 12803.218498988765), +INFO : (8, 12369.848232940085), +INFO : (9, 12106.831387986347), +INFO : (10, 11722.909029567634), +INFO : (11, 11478.279157458188), +INFO : (12, 11290.958703850281), +INFO : (13, 11080.125685514055), +INFO : (14, 11023.29151752922), +INFO : (15, 10896.956158275016), +INFO : (16, 10759.893725202364), +INFO : (17, 10784.585004117731), +INFO : (18, 10679.108505900891), +INFO : (19, 10695.083053873275), +INFO : (20, 10550.87175012717), +INFO : (21, 10520.074555573114), +INFO : (22, 10588.724034647705), +INFO : (23, 10503.01562694583), +INFO : (24, 10662.219825853928), +INFO : (25, 10565.739240634583), +INFO : (26, 10580.932916078671), +INFO : (27, 10640.312804943944), +INFO : (28, 10645.943327323885), +INFO : (29, 10919.61352695647), +INFO : (30, 10915.706079380036), +INFO : (31, 11048.007828830665), +INFO : (32, 11065.93026285907), +INFO : (33, 11195.857936533492), +INFO : (34, 11466.84389987765), +INFO : (35, 11538.959562964597), +INFO : (36, 11733.554438433306), +INFO : (37, 11889.710516356225), +INFO : (38, 11993.659662402386), +INFO : (39, 12218.788291536777), +INFO : (40, 12403.05004919797), +INFO : (41, 12744.568961278357), +INFO : (42, 12873.139314952157), +INFO : (43, 13134.57015661898), +INFO : (44, 13489.499012490294), +INFO : (45, 13850.473365151474), +INFO : (46, 14040.867914865898), +INFO : (47, 14297.96532588363), +INFO : (48, 14725.881478813468), +INFO : (49, 15154.72878133655), +INFO : (50, 15392.663184387015)]} +INFO : +(ClientAppActor pid=3120848) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3120842) Files already downloaded and verified +(ClientAppActor pid=3120844) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3120859) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3120861) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3120861) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..a393d891656e --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.02_NOISE_4_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.02 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124561) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124562) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124561) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124562) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124561) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124549) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124561) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124549) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124561) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124549) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124561) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61998 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124549) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124561) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124549) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124551) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124562) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124551) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61995 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124562) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124551) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124562) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124551) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124562) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124551) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62001 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124561) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124562) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124551) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124553) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124551) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61997 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124553) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124551) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124553) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124562) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62000 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124551) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61999 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124562) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61996 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3124550) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.02 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 61993 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1212.32s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.288628), +INFO : (2, 0.388576), +INFO : (3, 0.44092), +INFO : (4, 0.49084), +INFO : (5, 0.516088), +INFO : (6, 0.545852), +INFO : (7, 0.559268), +INFO : (8, 0.58176), +INFO : (9, 0.600564), +INFO : (10, 0.614116), +INFO : (11, 0.621396), +INFO : (12, 0.645192), +INFO : (13, 0.657348), +INFO : (14, 0.665176), +INFO : (15, 0.671712), +INFO : (16, 0.68424), +INFO : (17, 0.698256), +INFO : (18, 0.698456), +INFO : (19, 0.713312), +INFO : (20, 0.722352), +INFO : (21, 0.7219), +INFO : (22, 0.726696), +INFO : (23, 0.743216), +INFO : (24, 0.748692), +INFO : (25, 0.757548), +INFO : (26, 0.761856), +INFO : (27, 0.766436), +INFO : (28, 0.77642), +INFO : (29, 0.776044), +INFO : (30, 0.788552), +INFO : (31, 0.789356), +INFO : (32, 0.810244), +INFO : (33, 0.808172), +INFO : (34, 0.812732), +INFO : (35, 0.80702), +INFO : (36, 0.821832), +INFO : (37, 0.823712), +INFO : (38, 0.825496), +INFO : (39, 0.82792), +INFO : (40, 0.840408), +INFO : (41, 0.847504), +INFO : (42, 0.849868), +INFO : (43, 0.851144), +INFO : (44, 0.857368), +INFO : (45, 0.855132), +INFO : (46, 0.865708), +INFO : (47, 0.86432), +INFO : (48, 0.880152), +INFO : (49, 0.874164), +INFO : (50, 0.8708)], +INFO : 'train_loss': [(1, 3061.9913714170457), +INFO : (2, 2580.317623782158), +INFO : (3, 2363.3381409525873), +INFO : (4, 2188.8323917865755), +INFO : (5, 2095.335578393936), +INFO : (6, 1982.218066775799), +INFO : (7, 1919.4183723688125), +INFO : (8, 1836.268274641037), +INFO : (9, 1753.3884647369384), +INFO : (10, 1694.7728233456612), +INFO : (11, 1661.7496166110038), +INFO : (12, 1569.9538664638997), +INFO : (13, 1521.8463553488255), +INFO : (14, 1484.22606626153), +INFO : (15, 1454.8305369794368), +INFO : (16, 1403.1794689297676), +INFO : (17, 1342.9821575284004), +INFO : (18, 1331.2645637392998), +INFO : (19, 1280.1936866998672), +INFO : (20, 1241.28965690732), +INFO : (21, 1231.1799880325793), +INFO : (22, 1207.2222657442094), +INFO : (23, 1146.5587577998638), +INFO : (24, 1119.5297755092383), +INFO : (25, 1079.4127308666707), +INFO : (26, 1059.7245755523443), +INFO : (27, 1036.290697735548), +INFO : (28, 992.3077899485827), +INFO : (29, 989.9966272503137), +INFO : (30, 938.7581795424223), +INFO : (31, 932.7773608624935), +INFO : (32, 853.5491134271026), +INFO : (33, 855.6063015848398), +INFO : (34, 834.2831946641206), +INFO : (35, 853.0222632467746), +INFO : (36, 789.1879507988691), +INFO : (37, 782.3569801524282), +INFO : (38, 767.9728211194276), +INFO : (39, 753.5931316182017), +INFO : (40, 703.7889091596007), +INFO : (41, 678.618355794251), +INFO : (42, 663.4234890446066), +INFO : (43, 654.9453858405352), +INFO : (44, 631.9866886869073), +INFO : (45, 633.3444710731507), +INFO : (46, 593.4434962794185), +INFO : (47, 595.0715254813433), +INFO : (48, 534.9618811309338), +INFO : (49, 550.4198542200029), +INFO : (50, 561.024050527066)], +INFO : 'val_accuracy': [(1, 0.29186), +INFO : (2, 0.39008), +INFO : (3, 0.43994), +INFO : (4, 0.4848), +INFO : (5, 0.5065), +INFO : (6, 0.53404), +INFO : (7, 0.54422), +INFO : (8, 0.56284), +INFO : (9, 0.57736), +INFO : (10, 0.58864), +INFO : (11, 0.59112), +INFO : (12, 0.6105), +INFO : (13, 0.6172), +INFO : (14, 0.61996), +INFO : (15, 0.6205), +INFO : (16, 0.63118), +INFO : (17, 0.63576), +INFO : (18, 0.63572), +INFO : (19, 0.64394), +INFO : (20, 0.64604), +INFO : (21, 0.64252), +INFO : (22, 0.6417), +INFO : (23, 0.64884), +INFO : (24, 0.64974), +INFO : (25, 0.6501), +INFO : (26, 0.64768), +INFO : (27, 0.65176), +INFO : (28, 0.65126), +INFO : (29, 0.64576), +INFO : (30, 0.65122), +INFO : (31, 0.64746), +INFO : (32, 0.65306), +INFO : (33, 0.6519), +INFO : (34, 0.64806), +INFO : (35, 0.64004), +INFO : (36, 0.64718), +INFO : (37, 0.64348), +INFO : (38, 0.64516), +INFO : (39, 0.64054), +INFO : (40, 0.64358), +INFO : (41, 0.64238), +INFO : (42, 0.64016), +INFO : (43, 0.63644), +INFO : (44, 0.64162), +INFO : (45, 0.63426), +INFO : (46, 0.63688), +INFO : (47, 0.63596), +INFO : (48, 0.63506), +INFO : (49, 0.63152), +INFO : (50, 0.62626)], +INFO : 'val_loss': [(1, 19537.97922665775), +INFO : (2, 16465.35561148226), +INFO : (3, 15149.459909516572), +INFO : (4, 14097.824260845036), +INFO : (5, 13587.917748659336), +INFO : (6, 12963.806485115372), +INFO : (7, 12670.424191658652), +INFO : (8, 12227.749985494103), +INFO : (9, 11840.603390487924), +INFO : (10, 11590.135307221173), +INFO : (11, 11519.888235543936), +INFO : (12, 11054.12871280417), +INFO : (13, 10900.664759377692), +INFO : (14, 10832.671553831342), +INFO : (15, 10793.303494236246), +INFO : (16, 10623.208542809116), +INFO : (17, 10441.66563569494), +INFO : (18, 10513.834069890434), +INFO : (19, 10364.461049394882), +INFO : (20, 10332.860769866626), +INFO : (21, 10497.90327706627), +INFO : (22, 10584.519960679429), +INFO : (23, 10375.517977636222), +INFO : (24, 10443.101851375259), +INFO : (25, 10538.900471907906), +INFO : (26, 10587.160497402125), +INFO : (27, 10698.15927673578), +INFO : (28, 10671.165622470528), +INFO : (29, 10960.083387505512), +INFO : (30, 10990.007486217979), +INFO : (31, 11117.712557403527), +INFO : (32, 11040.84290408095), +INFO : (33, 11288.270223359918), +INFO : (34, 11513.054068341069), +INFO : (35, 11878.040041221586), +INFO : (36, 11961.905308869937), +INFO : (37, 12059.655500098426), +INFO : (38, 12469.506128976947), +INFO : (39, 12801.40047580007), +INFO : (40, 12809.772244970292), +INFO : (41, 13058.728324569169), +INFO : (42, 13310.646888070713), +INFO : (43, 13716.288241743381), +INFO : (44, 13903.443122384073), +INFO : (45, 14282.640675318138), +INFO : (46, 14434.495594328338), +INFO : (47, 15024.612178702644), +INFO : (48, 15048.270755571035), +INFO : (49, 15481.487074729652), +INFO : (50, 15979.555378516281)]} +INFO : +(ClientAppActor pid=3124559) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3124554) Files already downloaded and verified +(ClientAppActor pid=3124561) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3124549) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3124555) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3124555) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_0_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_0_TRIAL.txt new file mode 100644 index 000000000000..ad5bf4cd8faf --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_0_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045284) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045284) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045284) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045278) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045281) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045279) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045284) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045279) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045279) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045284) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045281) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045281) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045281) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045281) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045281) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045284) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045274) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045284) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045285) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045281) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045283) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045275) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3045284) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1166.42s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.280896), +INFO : (2, 0.384068), +INFO : (3, 0.444848), +INFO : (4, 0.480836), +INFO : (5, 0.509212), +INFO : (6, 0.534044), +INFO : (7, 0.562176), +INFO : (8, 0.577996), +INFO : (9, 0.589288), +INFO : (10, 0.604828), +INFO : (11, 0.62276), +INFO : (12, 0.632168), +INFO : (13, 0.647572), +INFO : (14, 0.666072), +INFO : (15, 0.669412), +INFO : (16, 0.686596), +INFO : (17, 0.69004), +INFO : (18, 0.702896), +INFO : (19, 0.705492), +INFO : (20, 0.716876), +INFO : (21, 0.726912), +INFO : (22, 0.73624), +INFO : (23, 0.73594), +INFO : (24, 0.752156), +INFO : (25, 0.75678), +INFO : (26, 0.762568), +INFO : (27, 0.767824), +INFO : (28, 0.778524), +INFO : (29, 0.783212), +INFO : (30, 0.783472), +INFO : (31, 0.796336), +INFO : (32, 0.7988), +INFO : (33, 0.809072), +INFO : (34, 0.813112), +INFO : (35, 0.81772), +INFO : (36, 0.820716), +INFO : (37, 0.829556), +INFO : (38, 0.830952), +INFO : (39, 0.83502), +INFO : (40, 0.837556), +INFO : (41, 0.848832), +INFO : (42, 0.85222), +INFO : (43, 0.851128), +INFO : (44, 0.85636), +INFO : (45, 0.862296), +INFO : (46, 0.868032), +INFO : (47, 0.866876), +INFO : (48, 0.874584), +INFO : (49, 0.87114), +INFO : (50, 0.882232)], +INFO : 'train_loss': [(1, 3112.4628702163695), +INFO : (2, 2636.61733148098), +INFO : (3, 2370.012729346752), +INFO : (4, 2248.701721858978), +INFO : (5, 2118.3179532527924), +INFO : (6, 2030.5553590536117), +INFO : (7, 1913.6354601979256), +INFO : (8, 1853.769927585125), +INFO : (9, 1798.6036034226418), +INFO : (10, 1728.8835701704024), +INFO : (11, 1665.7006424188614), +INFO : (12, 1628.7062966704368), +INFO : (13, 1557.2988148093223), +INFO : (14, 1483.999497026205), +INFO : (15, 1471.245442056656), +INFO : (16, 1403.1987043499946), +INFO : (17, 1382.4477118015288), +INFO : (18, 1327.6996398568153), +INFO : (19, 1305.3364903628826), +INFO : (20, 1261.972361344099), +INFO : (21, 1217.6835510522128), +INFO : (22, 1181.1157927930356), +INFO : (23, 1171.5156392872334), +INFO : (24, 1102.2555322796106), +INFO : (25, 1085.1633380651474), +INFO : (26, 1058.2520482629538), +INFO : (27, 1032.2803459107877), +INFO : (28, 986.2227834492921), +INFO : (29, 971.3189029574394), +INFO : (30, 967.2675974607467), +INFO : (31, 908.4790871679783), +INFO : (32, 895.2863833665848), +INFO : (33, 859.6149879515172), +INFO : (34, 829.6580822527409), +INFO : (35, 816.7539695486427), +INFO : (36, 799.6426351636649), +INFO : (37, 761.618871152401), +INFO : (38, 752.146759518981), +INFO : (39, 732.7327358350158), +INFO : (40, 719.964886507392), +INFO : (41, 674.3890430778265), +INFO : (42, 655.9756590440869), +INFO : (43, 658.3498025789856), +INFO : (44, 632.3352206915617), +INFO : (45, 609.0252767324448), +INFO : (46, 585.353807439655), +INFO : (47, 587.2518603101373), +INFO : (48, 554.6105303674937), +INFO : (49, 563.852556438744), +INFO : (50, 521.9581000298261)], +INFO : 'val_accuracy': [(1, 0.28166), +INFO : (2, 0.38288), +INFO : (3, 0.44394), +INFO : (4, 0.4761), +INFO : (5, 0.50134), +INFO : (6, 0.52326), +INFO : (7, 0.54498), +INFO : (8, 0.5592), +INFO : (9, 0.56536), +INFO : (10, 0.57956), +INFO : (11, 0.59176), +INFO : (12, 0.59822), +INFO : (13, 0.60912), +INFO : (14, 0.62226), +INFO : (15, 0.61978), +INFO : (16, 0.62904), +INFO : (17, 0.62946), +INFO : (18, 0.63424), +INFO : (19, 0.63442), +INFO : (20, 0.63944), +INFO : (21, 0.63968), +INFO : (22, 0.64128), +INFO : (23, 0.63886), +INFO : (24, 0.64744), +INFO : (25, 0.64898), +INFO : (26, 0.64488), +INFO : (27, 0.64198), +INFO : (28, 0.6486), +INFO : (29, 0.64538), +INFO : (30, 0.64118), +INFO : (31, 0.64514), +INFO : (32, 0.64296), +INFO : (33, 0.64332), +INFO : (34, 0.64224), +INFO : (35, 0.64146), +INFO : (36, 0.63806), +INFO : (37, 0.63998), +INFO : (38, 0.63754), +INFO : (39, 0.63314), +INFO : (40, 0.63268), +INFO : (41, 0.63584), +INFO : (42, 0.63304), +INFO : (43, 0.62922), +INFO : (44, 0.62912), +INFO : (45, 0.6315), +INFO : (46, 0.6308), +INFO : (47, 0.63004), +INFO : (48, 0.62652), +INFO : (49, 0.62176), +INFO : (50, 0.6267)], +INFO : 'val_loss': [(1, 19901.632559359074), +INFO : (2, 16871.546936258674), +INFO : (3, 15222.469950229675), +INFO : (4, 14487.205870863609), +INFO : (5, 13721.289934036231), +INFO : (6, 13259.924046207523), +INFO : (7, 12639.726382970182), +INFO : (8, 12384.033092622727), +INFO : (9, 12139.756804351764), +INFO : (10, 11817.814072666746), +INFO : (11, 11539.818738007505), +INFO : (12, 11428.283943242033), +INFO : (13, 11116.711053728028), +INFO : (14, 10808.755069393486), +INFO : (15, 10902.214548465841), +INFO : (16, 10659.935292810593), +INFO : (17, 10676.131483334775), +INFO : (18, 10542.855765746797), +INFO : (19, 10608.01919010037), +INFO : (20, 10509.837414278341), +INFO : (21, 10470.611378470097), +INFO : (22, 10461.31030859278), +INFO : (23, 10635.67041710555), +INFO : (24, 10482.282641785407), +INFO : (25, 10576.717873439056), +INFO : (26, 10642.752669293033), +INFO : (27, 10766.117334057533), +INFO : (28, 10728.318891538276), +INFO : (29, 10874.375240332129), +INFO : (30, 11157.044751292055), +INFO : (31, 11176.290746788849), +INFO : (32, 11397.632710052145), +INFO : (33, 11356.382029709293), +INFO : (34, 11589.071311729149), +INFO : (35, 11785.016479598084), +INFO : (36, 11970.717655559685), +INFO : (37, 12215.050463592537), +INFO : (38, 12389.187904865572), +INFO : (39, 12635.715527462025), +INFO : (40, 12862.250433779778), +INFO : (41, 13178.098223238903), +INFO : (42, 13411.667413434558), +INFO : (43, 13777.827338640853), +INFO : (44, 14170.455662714769), +INFO : (45, 14372.7072504774), +INFO : (46, 14541.238954544548), +INFO : (47, 14961.557305791617), +INFO : (48, 15292.846509812118), +INFO : (49, 15622.248632719928), +INFO : (50, 15709.851256839225)]} +INFO : +(ClientAppActor pid=3045286) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3045276) Files already downloaded and verified +(ClientAppActor pid=3045280) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3045285) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3045289) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3045289) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_1_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_1_TRIAL.txt new file mode 100644 index 000000000000..695349da2bfd --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_1_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049034) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049034) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049041) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049041) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049041) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049036) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049041) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049030) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049036) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049030) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049036) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049036) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049036) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049036) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049036) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049041) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049036) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049041) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049041) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049040) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049028) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049036) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3049037) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1177.28s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.229296), +INFO : (2, 0.371424), +INFO : (3, 0.452448), +INFO : (4, 0.499608), +INFO : (5, 0.530784), +INFO : (6, 0.557148), +INFO : (7, 0.580476), +INFO : (8, 0.594112), +INFO : (9, 0.61592), +INFO : (10, 0.635108), +INFO : (11, 0.647784), +INFO : (12, 0.652156), +INFO : (13, 0.667104), +INFO : (14, 0.674504), +INFO : (15, 0.683864), +INFO : (16, 0.692924), +INFO : (17, 0.704952), +INFO : (18, 0.710928), +INFO : (19, 0.72136), +INFO : (20, 0.725372), +INFO : (21, 0.738888), +INFO : (22, 0.739988), +INFO : (23, 0.751024), +INFO : (24, 0.754068), +INFO : (25, 0.762756), +INFO : (26, 0.77538), +INFO : (27, 0.778344), +INFO : (28, 0.77994), +INFO : (29, 0.790932), +INFO : (30, 0.801368), +INFO : (31, 0.803248), +INFO : (32, 0.811788), +INFO : (33, 0.812208), +INFO : (34, 0.818284), +INFO : (35, 0.829604), +INFO : (36, 0.830988), +INFO : (37, 0.834916), +INFO : (38, 0.840384), +INFO : (39, 0.84878), +INFO : (40, 0.848936), +INFO : (41, 0.857684), +INFO : (42, 0.854092), +INFO : (43, 0.856316), +INFO : (44, 0.864592), +INFO : (45, 0.868416), +INFO : (46, 0.868736), +INFO : (47, 0.871068), +INFO : (48, 0.878092), +INFO : (49, 0.87594), +INFO : (50, 0.885308)], +INFO : 'train_loss': [(1, 3292.449041056633), +INFO : (2, 2680.1383641719817), +INFO : (3, 2380.1764565229414), +INFO : (4, 2183.073120176792), +INFO : (5, 2044.6316682100296), +INFO : (6, 1948.026025056839), +INFO : (7, 1841.0736336350442), +INFO : (8, 1789.5701384305953), +INFO : (9, 1702.7914409399032), +INFO : (10, 1623.1026827454566), +INFO : (11, 1568.968118071556), +INFO : (12, 1543.9812610685826), +INFO : (13, 1478.578772956133), +INFO : (14, 1449.8813390612602), +INFO : (15, 1412.0679597616195), +INFO : (16, 1369.493399822712), +INFO : (17, 1319.9366714060307), +INFO : (18, 1294.1920755028725), +INFO : (19, 1245.224941855669), +INFO : (20, 1228.5814535617828), +INFO : (21, 1166.1840321719646), +INFO : (22, 1158.4843583166598), +INFO : (23, 1116.9039861291647), +INFO : (24, 1096.9770863831043), +INFO : (25, 1059.974240347743), +INFO : (26, 1008.0074172079563), +INFO : (27, 993.5753823369741), +INFO : (28, 985.2452425807714), +INFO : (29, 934.6640250742436), +INFO : (30, 895.8746350839734), +INFO : (31, 879.3687961935997), +INFO : (32, 850.1806388437748), +INFO : (33, 839.979993507266), +INFO : (34, 809.8218196481466), +INFO : (35, 767.3566892534494), +INFO : (36, 757.1217885792255), +INFO : (37, 739.6511883124709), +INFO : (38, 715.6559687167406), +INFO : (39, 678.3215213254094), +INFO : (40, 670.9532410085201), +INFO : (41, 636.8537027053535), +INFO : (42, 647.941545471549), +INFO : (43, 634.1514868810773), +INFO : (44, 598.8221309229732), +INFO : (45, 580.6684905081987), +INFO : (46, 574.878983426094), +INFO : (47, 565.8129309803247), +INFO : (48, 538.2216574929655), +INFO : (49, 542.8022352606058), +INFO : (50, 508.83570928797127)], +INFO : 'val_accuracy': [(1, 0.23664), +INFO : (2, 0.3718), +INFO : (3, 0.44862), +INFO : (4, 0.49328), +INFO : (5, 0.51758), +INFO : (6, 0.54594), +INFO : (7, 0.56556), +INFO : (8, 0.57814), +INFO : (9, 0.59246), +INFO : (10, 0.60666), +INFO : (11, 0.6157), +INFO : (12, 0.61404), +INFO : (13, 0.62672), +INFO : (14, 0.62898), +INFO : (15, 0.63496), +INFO : (16, 0.63936), +INFO : (17, 0.64532), +INFO : (18, 0.64802), +INFO : (19, 0.6504), +INFO : (20, 0.65258), +INFO : (21, 0.652), +INFO : (22, 0.653), +INFO : (23, 0.65528), +INFO : (24, 0.65438), +INFO : (25, 0.65914), +INFO : (26, 0.66132), +INFO : (27, 0.66108), +INFO : (28, 0.65792), +INFO : (29, 0.6611), +INFO : (30, 0.6615), +INFO : (31, 0.66034), +INFO : (32, 0.66246), +INFO : (33, 0.65648), +INFO : (34, 0.66014), +INFO : (35, 0.66004), +INFO : (36, 0.6583), +INFO : (37, 0.65612), +INFO : (38, 0.65642), +INFO : (39, 0.65656), +INFO : (40, 0.65316), +INFO : (41, 0.6526), +INFO : (42, 0.64802), +INFO : (43, 0.6472), +INFO : (44, 0.64956), +INFO : (45, 0.64976), +INFO : (46, 0.64594), +INFO : (47, 0.64154), +INFO : (48, 0.64106), +INFO : (49, 0.6385), +INFO : (50, 0.6403)], +INFO : 'val_loss': [(1, 21036.24928227663), +INFO : (2, 17126.68127570152), +INFO : (3, 15276.097254949062), +INFO : (4, 14060.194720861875), +INFO : (5, 13295.605349148673), +INFO : (6, 12727.238821311856), +INFO : (7, 12191.268645160295), +INFO : (8, 11946.488101978588), +INFO : (9, 11527.495667258128), +INFO : (10, 11136.560614307871), +INFO : (11, 10944.237186204984), +INFO : (12, 10924.067778494484), +INFO : (13, 10660.98482656353), +INFO : (14, 10623.212841687702), +INFO : (15, 10491.2799634973), +INFO : (16, 10432.141315427785), +INFO : (17, 10273.578728111277), +INFO : (18, 10292.07785550571), +INFO : (19, 10226.454127363011), +INFO : (20, 10262.24725521309), +INFO : (21, 10178.375780724697), +INFO : (22, 10281.828991897251), +INFO : (23, 10309.81635571954), +INFO : (24, 10407.735329434361), +INFO : (25, 10384.679858000367), +INFO : (26, 10319.71304687199), +INFO : (27, 10503.355801557775), +INFO : (28, 10687.390803924785), +INFO : (29, 10657.188527618086), +INFO : (30, 10665.47985819141), +INFO : (31, 10909.994598603947), +INFO : (32, 10957.15661063418), +INFO : (33, 11213.650672776394), +INFO : (34, 11398.82624883269), +INFO : (35, 11505.87012760198), +INFO : (36, 11745.77055271844), +INFO : (37, 11890.720951418263), +INFO : (38, 12160.382317277408), +INFO : (39, 12341.153357148094), +INFO : (40, 12743.82218203526), +INFO : (41, 12861.69375886396), +INFO : (42, 13076.314506523908), +INFO : (43, 13506.155620182506), +INFO : (44, 13809.922804315813), +INFO : (45, 14058.16656702314), +INFO : (46, 14485.340400602794), +INFO : (47, 14830.18860278393), +INFO : (48, 15018.153225702756), +INFO : (49, 15576.370757494537), +INFO : (50, 15804.345704835085)]} +INFO : +(ClientAppActor pid=3049035) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3049028) Files already downloaded and verified +(ClientAppActor pid=3049034) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3049038) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3049041) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3049041) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_2_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_2_TRIAL.txt new file mode 100644 index 000000000000..233bda792644 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_2_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052762) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052756) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052756) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052754) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052752) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052756) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052756) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052752) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052754) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052754) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052754) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052755) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052751) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3052750) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1164.60s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.238332), +INFO : (2, 0.387352), +INFO : (3, 0.43676), +INFO : (4, 0.475736), +INFO : (5, 0.50738), +INFO : (6, 0.533512), +INFO : (7, 0.558504), +INFO : (8, 0.579764), +INFO : (9, 0.599444), +INFO : (10, 0.611676), +INFO : (11, 0.625728), +INFO : (12, 0.637964), +INFO : (13, 0.65472), +INFO : (14, 0.668572), +INFO : (15, 0.670088), +INFO : (16, 0.682828), +INFO : (17, 0.69794), +INFO : (18, 0.703488), +INFO : (19, 0.708816), +INFO : (20, 0.717008), +INFO : (21, 0.73142), +INFO : (22, 0.730252), +INFO : (23, 0.740512), +INFO : (24, 0.747364), +INFO : (25, 0.749816), +INFO : (26, 0.756564), +INFO : (27, 0.77484), +INFO : (28, 0.776188), +INFO : (29, 0.787404), +INFO : (30, 0.787568), +INFO : (31, 0.790608), +INFO : (32, 0.799568), +INFO : (33, 0.798724), +INFO : (34, 0.808276), +INFO : (35, 0.820928), +INFO : (36, 0.819604), +INFO : (37, 0.823736), +INFO : (38, 0.824872), +INFO : (39, 0.838596), +INFO : (40, 0.837056), +INFO : (41, 0.838128), +INFO : (42, 0.849916), +INFO : (43, 0.851312), +INFO : (44, 0.858176), +INFO : (45, 0.858944), +INFO : (46, 0.861252), +INFO : (47, 0.867292), +INFO : (48, 0.86864), +INFO : (49, 0.87732), +INFO : (50, 0.884144)], +INFO : 'train_loss': [(1, 3296.483257484436), +INFO : (2, 2618.932397842407), +INFO : (3, 2412.3994001746178), +INFO : (4, 2258.92632420063), +INFO : (5, 2120.1345581531523), +INFO : (6, 2028.203675878048), +INFO : (7, 1930.9167043328284), +INFO : (8, 1844.385932469368), +INFO : (9, 1770.3554188609123), +INFO : (10, 1715.302095079422), +INFO : (11, 1664.6288991570473), +INFO : (12, 1609.3363689661026), +INFO : (13, 1538.2029404401778), +INFO : (14, 1473.625491797924), +INFO : (15, 1465.0458477139473), +INFO : (16, 1409.6729671895505), +INFO : (17, 1350.7888513565063), +INFO : (18, 1327.312823998928), +INFO : (19, 1297.4534195780755), +INFO : (20, 1265.4717098414899), +INFO : (21, 1202.2777017235755), +INFO : (22, 1200.2243326842786), +INFO : (23, 1155.8807687699796), +INFO : (24, 1129.5109432280065), +INFO : (25, 1116.1492408633233), +INFO : (26, 1083.6916552633047), +INFO : (27, 1010.1588663250208), +INFO : (28, 1003.5720663428307), +INFO : (29, 955.7401007294654), +INFO : (30, 950.4356421470642), +INFO : (31, 933.3762213259936), +INFO : (32, 897.6169659614563), +INFO : (33, 896.551307144761), +INFO : (34, 852.9348723739386), +INFO : (35, 807.4536525756121), +INFO : (36, 802.9942663297057), +INFO : (37, 786.476553452015), +INFO : (38, 773.5445756092668), +INFO : (39, 723.2821249440312), +INFO : (40, 721.7784904122352), +INFO : (41, 713.1841406106948), +INFO : (42, 669.3852644592523), +INFO : (43, 656.0837744981051), +INFO : (44, 630.5850569278002), +INFO : (45, 625.4490646734833), +INFO : (46, 611.1873512282967), +INFO : (47, 588.8164623484015), +INFO : (48, 577.9798776030541), +INFO : (49, 546.6978511705995), +INFO : (50, 517.0361019134522)], +INFO : 'val_accuracy': [(1, 0.23872), +INFO : (2, 0.39072), +INFO : (3, 0.43384), +INFO : (4, 0.47038), +INFO : (5, 0.49992), +INFO : (6, 0.52454), +INFO : (7, 0.54484), +INFO : (8, 0.5621), +INFO : (9, 0.57522), +INFO : (10, 0.58482), +INFO : (11, 0.5935), +INFO : (12, 0.60218), +INFO : (13, 0.6119), +INFO : (14, 0.62292), +INFO : (15, 0.62008), +INFO : (16, 0.6266), +INFO : (17, 0.63766), +INFO : (18, 0.63656), +INFO : (19, 0.6379), +INFO : (20, 0.63912), +INFO : (21, 0.64526), +INFO : (22, 0.64468), +INFO : (23, 0.6476), +INFO : (24, 0.64718), +INFO : (25, 0.64328), +INFO : (26, 0.64418), +INFO : (27, 0.65346), +INFO : (28, 0.64976), +INFO : (29, 0.6527), +INFO : (30, 0.64958), +INFO : (31, 0.647), +INFO : (32, 0.64666), +INFO : (33, 0.64124), +INFO : (34, 0.64306), +INFO : (35, 0.6453), +INFO : (36, 0.64306), +INFO : (37, 0.64086), +INFO : (38, 0.64024), +INFO : (39, 0.6438), +INFO : (40, 0.63874), +INFO : (41, 0.63556), +INFO : (42, 0.63722), +INFO : (43, 0.6379), +INFO : (44, 0.63764), +INFO : (45, 0.63574), +INFO : (46, 0.63156), +INFO : (47, 0.63274), +INFO : (48, 0.63042), +INFO : (49, 0.63164), +INFO : (50, 0.63282)], +INFO : 'val_loss': [(1, 21041.86663581133), +INFO : (2, 16694.414294956627), +INFO : (3, 15437.700647763162), +INFO : (4, 14531.400644806026), +INFO : (5, 13733.718550203415), +INFO : (6, 13226.558194171497), +INFO : (7, 12729.691176134464), +INFO : (8, 12274.531666122226), +INFO : (9, 11940.837240797571), +INFO : (10, 11726.925905112099), +INFO : (11, 11537.186730410527), +INFO : (12, 11321.421785157967), +INFO : (13, 10993.178488306705), +INFO : (14, 10746.709525400733), +INFO : (15, 10839.259092595401), +INFO : (16, 10626.037122624162), +INFO : (17, 10445.452708892224), +INFO : (18, 10473.398411856844), +INFO : (19, 10523.908994481872), +INFO : (20, 10484.038668791844), +INFO : (21, 10323.515232573496), +INFO : (22, 10483.264160595907), +INFO : (23, 10396.183869361259), +INFO : (24, 10498.963739576377), +INFO : (25, 10633.548554578096), +INFO : (26, 10652.561527650954), +INFO : (27, 10478.288440572856), +INFO : (28, 10588.393974753311), +INFO : (29, 10688.694525556728), +INFO : (30, 10796.340443471425), +INFO : (31, 10947.910290236845), +INFO : (32, 10983.249461718371), +INFO : (33, 11363.800339322357), +INFO : (34, 11440.56199790989), +INFO : (35, 11405.401459781348), +INFO : (36, 11690.394244160623), +INFO : (37, 11929.811322526), +INFO : (38, 12144.994941158677), +INFO : (39, 12203.709341754324), +INFO : (40, 12586.643634256314), +INFO : (41, 12741.714855703807), +INFO : (42, 12939.68992132644), +INFO : (43, 13157.047799278544), +INFO : (44, 13455.088677449567), +INFO : (45, 13730.07405646776), +INFO : (46, 14081.50267894963), +INFO : (47, 14345.065083198724), +INFO : (48, 14563.736730148228), +INFO : (49, 14845.706502539266), +INFO : (50, 15133.880845407039)]} +INFO : +(ClientAppActor pid=3052764) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3052752) Files already downloaded and verified +(ClientAppActor pid=3052756) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3052762) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3052765) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3052765) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_3_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_3_TRIAL.txt new file mode 100644 index 000000000000..7a2840820da5 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_3_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056454) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056454) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056454) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056454) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056465) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056456) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056456) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62003 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056454) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056456) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056460) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056459) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056455) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3056466) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1194.40s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.229804), +INFO : (2, 0.338484), +INFO : (3, 0.428828), +INFO : (4, 0.473356), +INFO : (5, 0.507372), +INFO : (6, 0.534976), +INFO : (7, 0.562404), +INFO : (8, 0.583208), +INFO : (9, 0.598972), +INFO : (10, 0.609952), +INFO : (11, 0.624252), +INFO : (12, 0.642192), +INFO : (13, 0.650088), +INFO : (14, 0.65914), +INFO : (15, 0.669032), +INFO : (16, 0.673704), +INFO : (17, 0.684296), +INFO : (18, 0.698192), +INFO : (19, 0.705788), +INFO : (20, 0.709596), +INFO : (21, 0.710992), +INFO : (22, 0.72586), +INFO : (23, 0.734596), +INFO : (24, 0.741684), +INFO : (25, 0.749816), +INFO : (26, 0.747836), +INFO : (27, 0.763336), +INFO : (28, 0.766904), +INFO : (29, 0.771988), +INFO : (30, 0.778256), +INFO : (31, 0.787828), +INFO : (32, 0.79058), +INFO : (33, 0.799352), +INFO : (34, 0.798708), +INFO : (35, 0.803348), +INFO : (36, 0.81888), +INFO : (37, 0.817776), +INFO : (38, 0.825572), +INFO : (39, 0.82876), +INFO : (40, 0.833808), +INFO : (41, 0.834168), +INFO : (42, 0.845392), +INFO : (43, 0.838228), +INFO : (44, 0.845672), +INFO : (45, 0.849804), +INFO : (46, 0.8569), +INFO : (47, 0.864444), +INFO : (48, 0.864972), +INFO : (49, 0.86262), +INFO : (50, 0.871824)], +INFO : 'train_loss': [(1, 3302.5070178985598), +INFO : (2, 2780.9546600580215), +INFO : (3, 2435.1563286066057), +INFO : (4, 2271.2943311452864), +INFO : (5, 2132.3578315615655), +INFO : (6, 2020.9427799463272), +INFO : (7, 1917.6237483620644), +INFO : (8, 1831.6228423953057), +INFO : (9, 1782.111249279976), +INFO : (10, 1724.09059227705), +INFO : (11, 1662.247991323471), +INFO : (12, 1586.735047185421), +INFO : (13, 1559.4027500927448), +INFO : (14, 1522.0445047199726), +INFO : (15, 1471.8928196907043), +INFO : (16, 1448.9158671140672), +INFO : (17, 1407.8650852918624), +INFO : (18, 1349.6257582128048), +INFO : (19, 1314.2685540437699), +INFO : (20, 1294.8479352235795), +INFO : (21, 1285.0527270019054), +INFO : (22, 1221.877744948864), +INFO : (23, 1182.759315264225), +INFO : (24, 1154.6758253991604), +INFO : (25, 1114.5999667316676), +INFO : (26, 1123.0701600819825), +INFO : (27, 1060.821588769555), +INFO : (28, 1047.219204607606), +INFO : (29, 1018.9486512899399), +INFO : (30, 995.3494911819696), +INFO : (31, 952.1715746462345), +INFO : (32, 933.3904844552278), +INFO : (33, 899.5787560582161), +INFO : (34, 897.8365211308003), +INFO : (35, 873.1839790254832), +INFO : (36, 815.9219600871205), +INFO : (37, 816.1314007267356), +INFO : (38, 784.0884870231151), +INFO : (39, 766.6683790490031), +INFO : (40, 742.6519600927829), +INFO : (41, 738.3392931908369), +INFO : (42, 697.4834337100386), +INFO : (43, 719.2660852596164), +INFO : (44, 691.0436662197113), +INFO : (45, 662.704068247974), +INFO : (46, 639.3754282966256), +INFO : (47, 610.0133138105273), +INFO : (48, 603.8975483968854), +INFO : (49, 607.4865821354091), +INFO : (50, 571.6932565584779)], +INFO : 'val_accuracy': [(1, 0.2368), +INFO : (2, 0.34308), +INFO : (3, 0.43278), +INFO : (4, 0.4721), +INFO : (5, 0.50668), +INFO : (6, 0.53076), +INFO : (7, 0.5509), +INFO : (8, 0.56682), +INFO : (9, 0.58018), +INFO : (10, 0.5844), +INFO : (11, 0.59384), +INFO : (12, 0.60844), +INFO : (13, 0.61058), +INFO : (14, 0.6143), +INFO : (15, 0.62006), +INFO : (16, 0.6199), +INFO : (17, 0.62212), +INFO : (18, 0.63096), +INFO : (19, 0.6328), +INFO : (20, 0.63042), +INFO : (21, 0.6293), +INFO : (22, 0.6348), +INFO : (23, 0.63826), +INFO : (24, 0.63912), +INFO : (25, 0.64166), +INFO : (26, 0.63538), +INFO : (27, 0.6426), +INFO : (28, 0.63894), +INFO : (29, 0.6384), +INFO : (30, 0.63924), +INFO : (31, 0.64088), +INFO : (32, 0.63772), +INFO : (33, 0.63938), +INFO : (34, 0.636), +INFO : (35, 0.63424), +INFO : (36, 0.63526), +INFO : (37, 0.6324), +INFO : (38, 0.6334), +INFO : (39, 0.6313), +INFO : (40, 0.63186), +INFO : (41, 0.6294), +INFO : (42, 0.6318), +INFO : (43, 0.62744), +INFO : (44, 0.62212), +INFO : (45, 0.62592), +INFO : (46, 0.6235), +INFO : (47, 0.62316), +INFO : (48, 0.62334), +INFO : (49, 0.61916), +INFO : (50, 0.61712)], +INFO : 'val_loss': [(1, 21068.1581792891), +INFO : (2, 17697.392390936617), +INFO : (3, 15519.35353537202), +INFO : (4, 14539.931587934565), +INFO : (5, 13732.708215811197), +INFO : (6, 13083.087398233205), +INFO : (7, 12536.878555733669), +INFO : (8, 12140.15927778798), +INFO : (9, 11938.387990559586), +INFO : (10, 11718.36337926916), +INFO : (11, 11467.505078980328), +INFO : (12, 11152.473312749962), +INFO : (13, 11146.826410778427), +INFO : (14, 11070.163316959473), +INFO : (15, 10927.211653401295), +INFO : (16, 10949.730787663662), +INFO : (17, 10890.595611179744), +INFO : (18, 10673.448954479049), +INFO : (19, 10688.912155897146), +INFO : (20, 10786.788134192493), +INFO : (21, 10939.004553311663), +INFO : (22, 10737.622472141684), +INFO : (23, 10702.934844435898), +INFO : (24, 10730.171325677686), +INFO : (25, 10764.787677929815), +INFO : (26, 11033.955889394345), +INFO : (27, 10843.867117239311), +INFO : (28, 11009.243948866682), +INFO : (29, 11012.27287282478), +INFO : (30, 11216.042223189352), +INFO : (31, 11357.97506216045), +INFO : (32, 11463.188373194378), +INFO : (33, 11475.515156427793), +INFO : (34, 11799.855928102015), +INFO : (35, 12025.044173394843), +INFO : (36, 11960.635039315677), +INFO : (37, 12282.497415810163), +INFO : (38, 12377.305519272568), +INFO : (39, 12591.908398818801), +INFO : (40, 12960.011720158454), +INFO : (41, 13158.682671935587), +INFO : (42, 13248.008884462171), +INFO : (43, 13945.777095736772), +INFO : (44, 13960.699394388206), +INFO : (45, 14160.637028152492), +INFO : (46, 14509.837632863651), +INFO : (47, 14757.426706459812), +INFO : (48, 15009.256267104885), +INFO : (49, 15603.42881654041), +INFO : (50, 15823.584059702875)]} +INFO : +(ClientAppActor pid=3056467) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3056456) Files already downloaded and verified +(ClientAppActor pid=3056459) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3056466) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3056468) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3056468) Files already downloaded and verified diff --git a/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_4_TRIAL.txt b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_4_TRIAL.txt new file mode 100644 index 000000000000..5c9ec60003a6 --- /dev/null +++ b/examples/app-pytorch/experimental_results/2024_06_22_151514/2024_06_22_151514_results_50_R_5_C_0.2_NOISE_4_TRIAL.txt @@ -0,0 +1,1471 @@ +INFO : Hokeun! env_var_num_rounds: 50 +INFO : Hokeun! env_var_noise_enabled: True +INFO : Hokeun! env_var_gauss_noise_sigma: 0.2 +INFO : Starting Flower ServerApp, config: num_rounds=50, no round_timeout +INFO : +INFO : Hokeun! [INIT] +INFO : Using initial global parameters provided by strategy +INFO : Evaluating initial global parameters +INFO : +INFO : [ROUND 1] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061183) INFO : Starting training... +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 124012 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 186018 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 248024 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 2] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061185) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 310030 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 372036 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 434042 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 496048 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 3] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 558054 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 620060 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 682066 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 744072 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 4] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 806078 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 868084 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 930090 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 992096 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 5] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061185) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1054102 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1116108 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1178114 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1240120 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 6] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1302126 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1364132 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1426138 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1488144 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 7] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1550150 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1612156 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1674162 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1736168 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 8] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061185) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 1798174 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1860180 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1922186 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 1984192 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 9] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2046198 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2108204 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2170210 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2232216 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 10] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2294222 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2356228 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2418234 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2480240 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62002 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 11] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2542246 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2604252 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2666258 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2728264 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 12] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061185) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 2790270 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2852276 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2914282 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 2976288 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 13] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3038294 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3100300 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3162306 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3224312 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 14] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3286318 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3348324 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3410330 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3472336 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 15] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061185) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3534342 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3596348 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3658354 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3720360 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 16] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 3782366 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3844372 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3906378 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 3968384 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 17] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4030390 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4092396 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4154402 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4216408 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 18] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061185) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4278414 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4340420 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4402426 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4464432 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 19] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4526438 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4588444 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4650450 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4712456 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 20] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 4774462 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4836468 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4898474 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 4960480 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 21] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061185) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5022486 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5084492 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5146498 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5208504 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 22] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061187) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5270510 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5332516 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5394522 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5456528 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 23] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5518534 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5580540 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5642546 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5704552 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 24] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 5766558 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5828564 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5890570 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 5952576 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 25] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6014582 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6076588 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6138594 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6200600 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 26] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6262606 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6324612 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6386618 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6448624 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 27] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6510630 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6572636 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6634642 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6696648 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 28] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 6758654 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6820660 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6882666 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 6944672 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 29] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7006678 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7068684 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7130690 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7192696 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 30] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7254702 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7316708 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7378714 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7440720 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 31] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7502726 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7564732 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7626738 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7688744 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 32] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7750750 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7812756 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7874762 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 7936768 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 33] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 7998774 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8060780 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8122786 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8184792 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 34] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061181) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8246798 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8308804 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8370810 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8432816 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 35] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061186) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8494822 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8556828 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8618834 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8680840 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 36] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8742846 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8804852 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8866858 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 8928864 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 37] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 8990870 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9052876 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9114882 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9176888 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 38] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061183) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9238894 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9300900 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9362906 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9424912 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 39] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9486918 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9548924 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9610930 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9672936 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62004 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 40] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9734942 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9796948 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9858954 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 9920960 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 41] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 9982966 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10044972 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10106978 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10168984 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 42] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10230990 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10292996 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10355002 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10417008 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 43] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061188) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10479014 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10541020 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10603026 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10665032 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 44] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10727038 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10789044 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10851050 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 10913056 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 45] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 10975062 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11037068 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11099074 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11161080 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62005 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 46] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11223086 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11285092 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11347098 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11409104 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 47] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11471110 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11533116 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11595122 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11657128 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 48] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061190) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11719134 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11781140 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11843146 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 11905152 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 49] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061180) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 11967158 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12029164 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12091170 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12153176 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : [ROUND 50] +INFO : configure_fit: strategy sampled 5 clients (out of 5) +(ClientAppActor pid=3061191) INFO : Starting training... [repeated 5x across cluster] +INFO : aggregate_fit: received 5 results and 0 failures +INFO : Hokeun! aggregate_fit: self.inplace +INFO : Hokeun! aggregate_inplace: beginning +INFO : Hokeun! aggregate_inplace: noise_enabled: True +INFO : Hokeun! aggregate_inplace: gauss_noise_sigma: 0.2 +INFO : Hokeun! aggregate_inplace: mult_count: 12215182 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12277188 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12339194 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: mult_count: 12401200 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(hokeun_params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_count_float32(params): 62006 +INFO : Hokeun! aggregate_inplace: Final results: hokeun_deep_diff_float32(hokeun_params, params): 62006 +INFO : configure_evaluate: no clients selected, skipping evaluation +INFO : +INFO : Hokeun! [SUMMARY] +INFO : Run finished 50 round(s) in 1190.13s +INFO : History (metrics, distributed, fit): +INFO : {'train_accuracy': [(1, 0.252392), +INFO : (2, 0.392044), +INFO : (3, 0.435388), +INFO : (4, 0.478944), +INFO : (5, 0.518008), +INFO : (6, 0.54646), +INFO : (7, 0.57502), +INFO : (8, 0.592692), +INFO : (9, 0.606548), +INFO : (10, 0.618016), +INFO : (11, 0.634344), +INFO : (12, 0.649696), +INFO : (13, 0.657772), +INFO : (14, 0.67238), +INFO : (15, 0.684456), +INFO : (16, 0.691492), +INFO : (17, 0.696836), +INFO : (18, 0.713636), +INFO : (19, 0.71766), +INFO : (20, 0.724948), +INFO : (21, 0.736744), +INFO : (22, 0.742004), +INFO : (23, 0.747048), +INFO : (24, 0.753636), +INFO : (25, 0.759464), +INFO : (26, 0.769292), +INFO : (27, 0.77674), +INFO : (28, 0.786656), +INFO : (29, 0.785264), +INFO : (30, 0.793408), +INFO : (31, 0.805248), +INFO : (32, 0.80034), +INFO : (33, 0.813492), +INFO : (34, 0.810788), +INFO : (35, 0.821356), +INFO : (36, 0.826984), +INFO : (37, 0.83134), +INFO : (38, 0.835832), +INFO : (39, 0.844944), +INFO : (40, 0.843632), +INFO : (41, 0.851096), +INFO : (42, 0.854252), +INFO : (43, 0.860088), +INFO : (44, 0.859624), +INFO : (45, 0.86202), +INFO : (46, 0.869032), +INFO : (47, 0.866556), +INFO : (48, 0.87592), +INFO : (49, 0.872584), +INFO : (50, 0.879856)], +INFO : 'train_loss': [(1, 3297.806366419792), +INFO : (2, 2592.156854009628), +INFO : (3, 2435.134840488434), +INFO : (4, 2253.2787831664086), +INFO : (5, 2101.766854560375), +INFO : (6, 2001.5111367583274), +INFO : (7, 1869.513167977333), +INFO : (8, 1803.451027238369), +INFO : (9, 1736.5793489694595), +INFO : (10, 1693.959715974331), +INFO : (11, 1620.5459951639175), +INFO : (12, 1560.4842171669006), +INFO : (13, 1514.3610556483268), +INFO : (14, 1454.1592907190322), +INFO : (15, 1407.886348760128), +INFO : (16, 1372.932201451063), +INFO : (17, 1350.0959973096847), +INFO : (18, 1275.2369152843953), +INFO : (19, 1259.294108682871), +INFO : (20, 1224.2386889636516), +INFO : (21, 1177.292368710041), +INFO : (22, 1150.9151831626891), +INFO : (23, 1131.37003428936), +INFO : (24, 1095.425716817379), +INFO : (25, 1072.3751520812511), +INFO : (26, 1029.2241729527711), +INFO : (27, 993.9292291283607), +INFO : (28, 954.118408203125), +INFO : (29, 951.5549653679133), +INFO : (30, 921.2870931178331), +INFO : (31, 872.3715883463622), +INFO : (32, 885.1611168920994), +INFO : (33, 836.4546918079257), +INFO : (34, 839.1226296603679), +INFO : (35, 798.2183062389493), +INFO : (36, 771.1633441030979), +INFO : (37, 752.750030580163), +INFO : (38, 728.3730696901679), +INFO : (39, 694.4264152362942), +INFO : (40, 695.4706943824888), +INFO : (41, 666.8700244233012), +INFO : (42, 647.4370241940021), +INFO : (43, 623.6119800567627), +INFO : (44, 622.7281516715884), +INFO : (45, 609.5070286154747), +INFO : (46, 580.9346549794078), +INFO : (47, 586.1819906741381), +INFO : (48, 552.6861624889076), +INFO : (49, 561.0794837534428), +INFO : (50, 528.2647828690708)], +INFO : 'val_accuracy': [(1, 0.25388), +INFO : (2, 0.38606), +INFO : (3, 0.42932), +INFO : (4, 0.47194), +INFO : (5, 0.50958), +INFO : (6, 0.53634), +INFO : (7, 0.56094), +INFO : (8, 0.57242), +INFO : (9, 0.58316), +INFO : (10, 0.5916), +INFO : (11, 0.60406), +INFO : (12, 0.61224), +INFO : (13, 0.6193), +INFO : (14, 0.62812), +INFO : (15, 0.63312), +INFO : (16, 0.63286), +INFO : (17, 0.63354), +INFO : (18, 0.64534), +INFO : (19, 0.6438), +INFO : (20, 0.6464), +INFO : (21, 0.65004), +INFO : (22, 0.6494), +INFO : (23, 0.65086), +INFO : (24, 0.65088), +INFO : (25, 0.65142), +INFO : (26, 0.65424), +INFO : (27, 0.65418), +INFO : (28, 0.65764), +INFO : (29, 0.6516), +INFO : (30, 0.65534), +INFO : (31, 0.65562), +INFO : (32, 0.64944), +INFO : (33, 0.65318), +INFO : (34, 0.65046), +INFO : (35, 0.6495), +INFO : (36, 0.65358), +INFO : (37, 0.64924), +INFO : (38, 0.64952), +INFO : (39, 0.64996), +INFO : (40, 0.64646), +INFO : (41, 0.64642), +INFO : (42, 0.64432), +INFO : (43, 0.64376), +INFO : (44, 0.64294), +INFO : (45, 0.64118), +INFO : (46, 0.63772), +INFO : (47, 0.63724), +INFO : (48, 0.63654), +INFO : (49, 0.6348), +INFO : (50, 0.63496)], +INFO : 'val_loss': [(1, 21071.04505264759), +INFO : (2, 16561.022114528714), +INFO : (3, 15623.388357015325), +INFO : (4, 14542.68598912386), +INFO : (5, 13639.537746044318), +INFO : (6, 13121.598313076922), +INFO : (7, 12378.36919823263), +INFO : (8, 12082.643494307285), +INFO : (9, 11761.556859319007), +INFO : (10, 11603.781937929214), +INFO : (11, 11264.092530925465), +INFO : (12, 11005.9814367436), +INFO : (13, 10863.704426822696), +INFO : (14, 10647.673057076156), +INFO : (15, 10516.898384464374), +INFO : (16, 10457.711492186838), +INFO : (17, 10480.625431819686), +INFO : (18, 10241.394978872228), +INFO : (19, 10305.374796923772), +INFO : (20, 10290.383999414082), +INFO : (21, 10157.794880755462), +INFO : (22, 10249.390152686106), +INFO : (23, 10263.124378186738), +INFO : (24, 10301.776899571953), +INFO : (25, 10328.630606787656), +INFO : (26, 10298.004627420667), +INFO : (27, 10332.7216282316), +INFO : (28, 10368.0301094904), +INFO : (29, 10624.962030870834), +INFO : (30, 10593.157461665529), +INFO : (31, 10684.531113153382), +INFO : (32, 10977.833763644705), +INFO : (33, 10917.547774892259), +INFO : (34, 11305.850961655306), +INFO : (35, 11385.73827334611), +INFO : (36, 11565.051155537765), +INFO : (37, 11656.247972933286), +INFO : (38, 11860.550216227584), +INFO : (39, 12062.15207656875), +INFO : (40, 12157.42151428413), +INFO : (41, 12435.703886060131), +INFO : (42, 12735.512973351391), +INFO : (43, 12997.724364816419), +INFO : (44, 13362.33434492341), +INFO : (45, 13744.837665428027), +INFO : (46, 13969.07473306051), +INFO : (47, 14346.491381785376), +INFO : (48, 14681.75036123207), +INFO : (49, 15096.893179127044), +INFO : (50, 15286.347268888665)]} +INFO : +(ClientAppActor pid=3061181) INFO : Starting training... [repeated 4x across cluster] +Files already downloaded and verified +Files already downloaded and verified +(ClientAppActor pid=3061180) Files already downloaded and verified +(ClientAppActor pid=3061184) Files already downloaded and verified [repeated 10x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/ray-logging.html#log-deduplication for more options.) +(ClientAppActor pid=3061192) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3061194) Files already downloaded and verified [repeated 10x across cluster] +(ClientAppActor pid=3061194) Files already downloaded and verified diff --git a/examples/app-pytorch/run_experiments_50_rounds_0.2_noise_0.02_noise.sh b/examples/app-pytorch/run_experiments_50_rounds_0.2_noise_0.02_noise.sh new file mode 100755 index 000000000000..b1413807a940 --- /dev/null +++ b/examples/app-pytorch/run_experiments_50_rounds_0.2_noise_0.02_noise.sh @@ -0,0 +1,52 @@ +#!/bin/bash + +# Make sure to run poetry shell first! + +date_time=$(date '+%Y_%m_%d_%H%M%S'); + +# Noise 0.2 sigma + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.2_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.2_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.2_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.2_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.2_NOISE_4_TRIAL.txt + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.2_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.2_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.2_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.2_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.2_NOISE_4_TRIAL.txt + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.2_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.2_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.2_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.2_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.2 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.2_NOISE_4_TRIAL.txt + +# Noise 0.02 sigma + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.02_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.02_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.02_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.02_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 5' 2>&1 | tee "$date_time"_results_50_R_5_C_0.02_NOISE_4_TRIAL.txt + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.02_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.02_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.02_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.02_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 10' 2>&1 | tee "$date_time"_results_50_R_10_C_0.02_NOISE_4_TRIAL.txt + + + +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.02_NOISE_0_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.02_NOISE_1_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.02_NOISE_2_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.02_NOISE_3_TRIAL.txt +HOKEUN_FLWR_NUM_ROUNDS=50 HOKEUN_FLWR_NOISE_ENABLED=1 HOKEUN_FLWR_GAUSS_NOISE_SIGMA=0.02 bash -c 'flower-simulation --server-app server:app --client-app client:app --num-supernodes 20' 2>&1 | tee "$date_time"_results_50_R_20_C_0.02_NOISE_4_TRIAL.txt \ No newline at end of file From 618e098aafe1073669810c067183b1a7da9e8d63 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Fri, 28 Jun 2024 20:41:26 -0700 Subject: [PATCH 33/34] Move old experiments without TRIAL number to old --- .../2024_06_14_142018_results_20_R_10_C_0.01_NOISE.txt | 0 .../2024_06_14_142018_results_20_R_10_C_0.05_NOISE.txt | 0 .../2024_06_14_142018_results_20_R_10_C_0.1_NOISE.txt | 0 .../2024_06_14_142018_results_20_R_10_C_0.5_NOISE.txt | 0 .../2024_06_14_142018_results_20_R_10_C_0_NOISE.txt | 0 .../2024_06_14_142018_results_20_R_10_C_1.0_NOISE.txt | 0 .../2024_06_14_142018_results_20_R_5_C_0.01_NOISE.txt | 0 .../2024_06_14_142018_results_20_R_5_C_0.05_NOISE.txt | 0 .../2024_06_14_142018_results_20_R_5_C_0.1_NOISE.txt | 0 .../2024_06_14_142018_results_20_R_5_C_0.5_NOISE.txt | 0 .../2024_06_14_142018_results_20_R_5_C_0_NOISE.txt | 0 .../2024_06_14_142018_results_20_R_5_C_1.0_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_10_C_0.01_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_10_C_0.05_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_10_C_0.1_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_10_C_0.5_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_10_C_0_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_10_C_1.0_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_5_C_0.01_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_5_C_0.05_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_5_C_0.1_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_5_C_0.5_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_5_C_0_NOISE.txt | 0 .../2024_06_18_160352_results_20_R_5_C_1.0_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_10_C_0.01_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_10_C_0.05_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_10_C_0.1_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_10_C_0.5_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_10_C_0_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_10_C_1.0_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_20_C_0.01_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_20_C_0.05_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_20_C_0.1_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_20_C_0.5_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_20_C_0_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_20_C_1.0_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_5_C_0.01_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_5_C_0.05_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_5_C_0.1_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_5_C_0.5_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_5_C_0_NOISE.txt | 0 .../2024_06_18_191929_results_50_R_5_C_1.0_NOISE.txt | 0 42 files changed, 0 insertions(+), 0 deletions(-) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.01_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.05_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.1_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.5_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_1.0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.01_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.05_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.1_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.5_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_1.0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.01_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.05_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.1_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.5_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_1.0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.01_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.05_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.1_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.5_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_1.0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.01_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.05_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.1_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.5_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_1.0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.01_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.05_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.1_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.5_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_1.0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.01_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.05_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.1_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.5_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0_NOISE.txt (100%) rename examples/app-pytorch/experimental_results/{ => old}/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_1.0_NOISE.txt (100%) diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.01_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.01_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.01_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.05_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.05_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.05_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.1_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.1_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.1_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.5_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.5_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0.5_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_1.0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_1.0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_10_C_1.0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.01_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.01_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.01_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.05_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.05_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.05_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.1_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.1_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.1_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.5_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.5_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0.5_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_1.0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_1.0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_14_142018/2024_06_14_142018_results_20_R_5_C_1.0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.01_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.01_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.01_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.05_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.05_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.05_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.1_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.1_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.1_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.5_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.5_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0.5_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_1.0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_1.0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_10_C_1.0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.01_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.01_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.01_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.05_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.05_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.05_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.1_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.1_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.1_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.5_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.5_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0.5_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_1.0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_1.0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_160352/2024_06_18_160352_results_20_R_5_C_1.0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.01_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.01_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.01_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.05_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.05_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.05_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.1_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.1_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.1_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.5_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.5_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0.5_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_1.0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_1.0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_10_C_1.0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.01_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.01_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.01_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.05_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.05_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.05_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.1_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.1_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.1_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.5_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.5_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0.5_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_1.0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_1.0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_20_C_1.0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.01_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.01_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.01_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.01_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.05_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.05_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.05_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.05_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.1_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.1_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.1_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.1_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.5_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.5_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.5_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0.5_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_0_NOISE.txt diff --git a/examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_1.0_NOISE.txt b/examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_1.0_NOISE.txt similarity index 100% rename from examples/app-pytorch/experimental_results/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_1.0_NOISE.txt rename to examples/app-pytorch/experimental_results/old/2024_06_18_191929/2024_06_18_191929_results_50_R_5_C_1.0_NOISE.txt From 2e7b3105bcb4f4895b709e1cd685064cab6b79a0 Mon Sep 17 00:00:00 2001 From: Hokeun Kim Date: Fri, 28 Jun 2024 23:03:44 -0700 Subject: [PATCH 34/34] Update summarize results script to print out summaries --- .../experimental_results/summarize_results.py | 88 +++++++++++++++---- 1 file changed, 72 insertions(+), 16 deletions(-) diff --git a/examples/app-pytorch/experimental_results/summarize_results.py b/examples/app-pytorch/experimental_results/summarize_results.py index 853857bca065..37ac10a7482c 100755 --- a/examples/app-pytorch/experimental_results/summarize_results.py +++ b/examples/app-pytorch/experimental_results/summarize_results.py @@ -13,17 +13,52 @@ class SummaryState(Enum): VAL_ACCURACY = 4 VAL_LOSS = 5 +class Summary: + def __init__(self): + self.file_name = "" + self.trial_count = 0 + self.num_clients = 0 + self.num_rounds = 0 + self.noise_enabled = False + self.gauss_noise_sigma = 0.0 + self.param_count = 0 + self.mult_count = 0 + self.train_accuracy = [] + self.train_loss = [] + self.val_accuracy = [] + self.val_loss = [] + + def __str__(self): + return f"""---------------------- +file_name: {self.file_name} +trial_count: {self.trial_count} +num_clients: {self.num_clients} +num_rounds: {self.num_rounds} +noise_enabled: {self.noise_enabled} +gauss_noise_sigma: {self.gauss_noise_sigma} +param_count: {self.param_count} +mult_count: {self.mult_count} +train_accuracy: {self.train_accuracy} + +train_loss: {self.train_loss} + +val_accuracy: {self.val_accuracy} + +val_loss: {self.val_loss} +----------------------""" + + def get_summary(file_path: str): result_file = open(file_path, 'r') result_lines = result_file.readlines() - train_accuracy = [] - train_loss = [] - val_accuracy = [] - val_loss = [] - state = SummaryState.NONE + summary = Summary() + + summary.file_name = os.path.basename(file_path) + summary.trial_count = int(re.search("_(?P[0-9]+)_TRIAL", summary.file_name).group("count")) + for line in result_lines: if state == SummaryState.NONE: if "'train_accuracy'" in line: @@ -35,6 +70,21 @@ def get_summary(file_path: str): if "'val_loss'" in line: state = SummaryState.VAL_LOSS + if state == SummaryState.NONE: + tokens = line.split(":") + if "configure_fit: strategy sampled" in line: + summary.num_clients = int(re.search("sampled (?P[0-9]+) clients", line).group("count")) + if "env_var_num_rounds:" in line: + summary.num_rounds = int(tokens[-1]) + if "aggregate_inplace: noise_enabled:" in line: + summary.noise_enabled = tokens[-1] == "True" + if "aggregate_inplace: gauss_noise_sigma:" in line: + summary.gauss_noise_sigma = float(tokens[-1]) + if "aggregate_inplace: hokeun_deep_count_float32(params):" in line: + summary.param_count = int(tokens[-1]) + if "aggregate_inplace: mult_count:" in line: + summary.mult_count = int(tokens[-1]) + # Get data if state != SummaryState.NONE: tuple_str = re.findall(r"\(.*?\)", line) @@ -43,22 +93,23 @@ def get_summary(file_path: str): tuple = [int(tuple[0]), float(tuple[1])] if state == SummaryState.TRAIN_ACCURACY: - train_accuracy.append(tuple) + summary.train_accuracy.append(tuple) if state == SummaryState.TRAIN_LOSS: - train_loss.append(tuple) + summary.train_loss.append(tuple) if state == SummaryState.VAL_ACCURACY: - val_accuracy.append(tuple) + summary.val_accuracy.append(tuple) if state == SummaryState.VAL_LOSS: - val_loss.append(tuple) + summary.val_loss.append(tuple) if "]" in line: state = SummaryState.NONE + return summary - # print("Hokeun! train_accuracy: ", train_accuracy) - # print("Hokeun! train_loss: ", train_loss) - # print("Hokeun! val_accuracy: ", val_accuracy) - # print("Hokeun! val_loss: ", val_loss) + # print("Hokeun! train_accuracy: ", summary.train_accuracy) + # print("Hokeun! train_loss: ", summary.train_loss) + # print("Hokeun! val_accuracy: ", summary.val_accuracy) + # print("Hokeun! val_loss: ", summary.val_loss) # count += 1 # print("Line {}: {}".format(count, line.strip())) # if count > 10: @@ -75,6 +126,11 @@ def get_summary(file_path: str): args = parser.parse_args() file_list = os.listdir(args.target_dir) -print("Hokeun! " + str(file_list)) - -get_summary(os.path.join(args.target_dir, file_list[0])) \ No newline at end of file +file_list.sort() +# print("Hokeun! " + str(file_list)) + +print("num_clients\tgauss_noise_sigma\ttrial_count\ttrain_accuracy\tval_accuracy") +for file in file_list: + summary = get_summary(os.path.join(args.target_dir, file)) + # print(summary) # For debugging. + print(f"{summary.num_clients}\t{summary.gauss_noise_sigma}\t{summary.trial_count}\t{summary.train_accuracy[-1][1]}\t{summary.val_accuracy[-1][1]}") \ No newline at end of file